SlideShare uma empresa Scribd logo
1 de 72
Geolocation with Neural Network
How does a neural network recognize the location of an image?
Artificial Neural Network New image of a placeImages of millions of places Identifies the place
Geolocation with Neural Network
Pixels of millions of images Feed to Neural Network Recognizes landmarks,
landscapes, architectural
styles, road signs, etc
New image of a place Identifies the place
How does a neural network recognize the location of an image?
What’s in it for you?
Types of Neural Networks
Applications of Deep Learning
Working of Neural Network
Introduction to TensorFlow
Use case implementation using TensorFlow
What is Deep Learning?
What is a Neural Network?
Implementing Logic Gates using Perceptron
What is a Perceptron?
Why do we need Deep Learning?
What is Deep Learning?
What is Deep Learning?
Deep Learning is a subset of Machine Learning that has networks which are capable of learning from data
that is unstructured or unlabeled and works similar to the functioning of a human brain.
Artificial Intelligence
Machine
Learning
Deep
Learning
Ability of a machine to imitate
intelligent human behavior
Application of AI that allows a system
to automatically learn and improve
from experience
Application of Machine Learning that
uses complex algorithms and deep
neural nets to train a model
Why do we need Deep Learning?
Machine Learning works
only with large sets of
structured data, while
Deep Learning can work
with both structured and
unstructured data
Deep Learning
algorithms can perform
complex operations
easily while Machine
Learning Algorithms
cannot
Machine Learning
algorithms use labelled
sample data to extract
patterns, while Deep
Learning accepts large
volumes of data as
input, analyze the input
to extract features out
of an object
Performance of
Machine Learning
algorithms decreases
as the amount of data
increase, so to
maintain the
performance of the
model we need Deep
Learning
Works with unstructured data Handle complex operations Feature Extraction Achieve best performance
What is a Neural Network?
What is a Neural Network?
Neuron
X1
X2
Xn
Y
Output
w1
w2
w n
Input 1
Input 2
Input n
Neural Networks are modeled after biological neural networks that allow computers to learn and interact
like humans do. It has interconnected neurons with dendrites that receive inputs, and based on those
inputs, it produces an electric signal i.e. output through the axon.
Biological Neuron
What is a Neural Network?
Neuron
X1
X2
Xn
Y
Output
w1
w2
w n
Input 1
Input 2
Input n
Neural Network has interconnected neurons that receive some inputs, processes those inputs in layers to
produce the output.
Artificial Neuron
Biological Neurons Vs Artificial Neuron
Dendrites -------> Inputs
Neuron
X1
X2
Xn
Y
Output
w1
w2
w n
Dendrites Input 1
Input 2
Input n
Inputs
Biological Neurons Vs Artificial Neuron
Cell Nucleus
Neuron
Input 1
Input 2
Input n
Y
Output
w1
w2
w n
Nodes
X1
X2
Xn
Cell Nucleus -------> Nodes
X1
X2
Xn
Biological Neurons Vs Artificial Neuron
Synapse
Neuron
Input 1
Input 2
Input n
Y
Output
Weights
w1
w2
wn
Synapse -------> Weights
Biological Neurons Vs Artificial Neuron
X1
X2
Xn
Neuron
Input 1
Input 2
Input n
w1
w2
wn
Axon
Axon -------> Output
Y
Output
What is a Perceptron?
What is a Perceptron?
A Perceptron is the basic part of a neural network. It represents a single neuron of a human brain and is
used for binary classifiers.
X1
X2
Xn
Input 1
Input 2
Input n
w1
w2
wn
Y Output
Net Input Function Activation Function
ERROR
Perceptron Learning Rule
w
X1
X2
Xn
Input 1
Input 2
Input n
w2
Y Output
Activation Function
ERROR
w1
n
Net Input
Function
Inputs are multiplied with the weights and
a summation is performed, plus a bias is
added
Bias
i=1
n
w x + b
i i*
Step 1
Perceptron Learning Rule
w
X1
X2
Xn
Input 1
Input 2
Input n
w2
Y Output
Activation Function
ERROR
w1
n
Net Input
Function
The weighted sum of inputs is passed to
an activation function to determine if a
neuron will fire or not
Step 2
Perceptron Learning Rule
w
X1
X2
Xn
Input 1
Input 2
Input n
w2
Y Output
Activation Function
ERROR
w1
n
Net Input
Function
Perceptron receives input signals and if
the sum of the input signals exceeds a
certain threshold value, it either
outputs a signal or does not return an
output
Output =
0, if
i=1
n
w x + b < threshold
i i*
1, if
i=1
n
w x + b >= thresholdi i*
Step 3
Perceptron Learning Rule
w
X1
X2
Xn
Input 1
Input 2
Input n
w2
Y Output
Activation Function
ERROR
w1
n
Net Input
Function
The error in the output is backpropagated
and weights are updated to minimize the
error
Step 4
Perceptron Learning Rule
w
X1
X2
Xn
Input 1
Input 2
Input n
w2
Y Output
Activation Function
ERROR
w1
n
Net Input
Function
Repeat steps 1 to 4 in order to generate
the desired output
Implementing Logic Gates using Perceptron
In 1943, neuroscientist Warren McCulloch and logician Walter Pitts published a paper showing how neurons could implement
the three logical functions (AND, OR, XOR). The neurons they used were simple threshold neurons which they named it
Perceptron.
Warren McCulloch Walter Pitts
Implementing Logic Gates using Perceptron
A logic gate is the basic building block of a digital circuit. Most logic gates have 2 inputs and 1 output. At
any given moment, every terminal is in one of the two binary conditions low (0) or high (1), represented by
different voltage levels.
Popular Logic Gates
AND
OR
NAND
NOR
NOT
XOR
Implementing AND Gate
Using the Logic Gates, Neural Networks can learn on their own without having to manually code the logic
Input (A) Input (B) Output
0 0 0
0 1 0
1 0 0
1 1 1
AND
The output of Perceptron is true or positive if both
the inputs are true, else false
Implementing AND Gate
A and B are input neurons. The red neuron is our output neuron. The threshold value is 1. If the sum of the
weighted input neurons is greater than the threshold, the output is 1 else 0.
Input (A) Input (B) Output
0.7*0 0.7*0 0
0.7*0 0.7*1 0.7
0.7*1 0.7*0 0.7
0.7*1 0.7*1 1.4
A
B
0.7
0.7
= 1
This exceeds
the threshold, so
output is 1
We have designed a neuron which implements a logical
AND gate
w x1 1* w x
2 2* w x +1 1* w x
2 2*
Implementing OR Gate
Using the Logic Gates, Neural Networks can learn on their own without having to manually code the logic
Input (A) Input (B) Output
0 0 0
0 1 1
1 0 1
1 1 1
OR
The output of Perceptron is true or positive if
either of the inputs are true, else false
Implementing OR Gate
A and B are input neurons. The red neuron is our output neuron. The threshold value is 1. If the sum of the
weighted input neurons is greater than the threshold, the output is 1 else 0.
Input (A) Input (B) Output
1.2*0 1.2*0 0
1.2*0 1.2*1 1.2
1.2*1 1.2*0 1.2
1.2*1 1.2*1 2.4
A
B
1.2
1.2
= 1
These exceed
the threshold, so
output is 1
w x1 1* w x
2 2* w x +1 1* w x
2 2*
We have designed a neuron which implements a logical
OR gate
Implementing XOR Gate
Using the Logic Gates, Neural Networks can learn on their own without having to manually code the logic
Input (A) Input (B) Output
0 0 0
0 1 1
1 0 1
1 1 0
XOR
The output of Perceptron is true or positive if one
of the inputs is true, else false
Implementing XOR Gate
XOR gate requires an intermediate hidden layer to achieve the logic of a XOR gate
XOR
Implementation
5
X
X
h
h
O
1
2
3
4
w13
w14
w23
w24
w45
w35
5
• X1 and X2 are inputs and h3 and h4 are the
hidden layers. B3, B4 and B5 are the biases
for h3, h4 and O5.
• h3 = sigmoid (X1*w13 + X2*w23 – B3)
• h4 = sigmoid (X2*w14 + X2*w24 – B4)
• O5 = sigmoid (h3*w35 + h4*w45 – B5)
Implementing XOR Gate
XOR gate requires an intermediate hidden layer to achieve the logic of a XOR gate
5
X
X
h
h
O
1
2
3
4
20
-20
20
-20
20
20
5
Sigmoid(20*0+20*0-10) 0
Sigmoid(20*1+20*1-10) 1
Sigmoid(20*0+20*1-10) 1
Sigmoid(20*1+20*0-10) 1
~~
~~
~~
~~
Sigmoid(-20*0-20*0+30) 1
Sigmoid(-20*1-20*1+30) 0
Sigmoid(-20*0-20*1+30) 1
Sigmoid(-20*1-20*0+30) 1
~~
~~
~~
~~
b= -10
Sigmoid(20*0+20*1-30) 0
Sigmoid(20*1+20*0-30) 0
Sigmoid(20*1+20*1-30) 1
Sigmoid(20*1+20*1-30) 1
~~
~~
~~
~~
h3 h4
Output
These exceed the
threshold, so
output is 1
b= 30
b= -30
= 1
= 1
= 1
Types of Neural Network
Types of Neural Networks
Pattern
Recognition
ANN CNN RNN DNN DBN
Image Processing Acoustic
Modeling
Recursive
Neural Network
Cancer Detection
Neural Networks are mainly classified into 5 types
Artificial Neural
Network
Convolution
Neural Network
Speech Recognition
Deep Neural
Network
Deep Belief
Network
Applications of Deep Learning
Applications of Deep Learning
Deep Learning allows us to build machines that can play games
Playing Games
Applications of Deep Learning
Composing Music
Deep Neural Nets can be used to produce music by making computers
learn the patterns in a composition
Applications of Deep Learning
Autonomous Driving Cars
Distinguishes different types of objects, people, road signs and drives
without human intervention
Applications of Deep Learning
Building Robots
Deep Learning is used to train robots to perform human tasks
Applications of Deep Learning
Medical Diagnosis
Deep Neural Nets are used to identify suspicious lesions and nodules in
lung cancer patients
Working of Neural Network
Working of Neural Network
Let’s find out how an Artificial Neural Network can be used to identify different shapes like Squares, Circles and Triangles
How to identify
various shapes
using a neural
network?
Feed the shapes to a neural network as
input
Artificial Neural Network
Working of Neural Network
Artificial Neural Network
28
28
Strengths
28 28 = 784*
• 28*28 pixels of the input image is
taken as input i.e. 784 neurons
Lets consider the shape of a square
Shape of a Square
Working of Neural Network
28
28
Strengths
• 28*28 pixels of the input image is
taken as input i.e. 784 neurons
28 28 = 784*
0.78 Activation
• Each neuron holds a number called
Activation that represents grayscale
value of the corresponding pixel ranging
from 0 to 1. 1 for white pixel and 0 for
black pixel
Lets consider the shape of a square
Artificial Neural Network
Working of Neural Network
Lets consider the shape of a square
28
28
Strengths
• 28*28 pixels of the input image is
taken as input i.e. 784 neurons
• Each neuron is lit up when its
activation is close to 1
28 28 = 784*
• Each neuron holds a number called
Activation that represents grayscale
value of the corresponding pixel ranging
from 0 to 1. 1 for white pixel and 0 for
black pixel
Artificial Neural Network
Working of Neural Network
Working of Neural Network
Working of Neural Network
Working of Neural Network
X1
X2
Xn
w1
w2
wn
Step 1
i=1
n
w x + b
i i*
Activation Function
Step 2
i=1
n
w x + b
ii*( )
Lets find out how an Artificial Neural Network can be used to identify different shapes
Identifies different shapes
Squares Circles
Triangles
Pixels of images
fed as input
Working of Neural Network
Lets find out how an Artificial Neural Network can be used to identify different shapes
X1
X2
Xn
Y
W1
W2
W3
.
.
.
.
.
.
.
.
.
Wn
W22
W23
W33
.
.
.
.
.
.
.
.
.
Wn2
W11
W21
W31
.
.
.
.
.
.
.
.
.
Wn1
Apply the weights
Identifies different shapes
Squares Circles
Triangles^
Pixels of images
fed as input
Working of Neural Network
Lets find out how an Artificial Neural Network can be used to identify different shapes
X1
X2
Xn
Y^
Apply the activation functions
Identifies different shapes
Squares Circles
Triangles
Working of Neural Network
Lets find out how an Artificial Neural Network can be used to identify different shapes
X1
X2
Xn
Y^
Compare it with
actual output
Predicted Output
Actual
Output
Y
Working of Neural Network
Applying the cost function to minimize the difference between predicted and actual output using gradient descent algorithm
Predicted Output
X1
X2
Xn
Y^
Actual
Output
Compare it with
actual output
Y
Cost Function: C = ½( Y – Y )
2
Working of Neural Network
Neural Networks use Backpropagation method along with improve the performance of the Neural Net. A cost function is used
to reduce the error rate between predicted and actual output.
X
X
X
Y^
Cost Function: C = ½( Y – Y )
2
1
2
n
Y
Cost Function
The Cost value is the difference between the neural nets predicted output and the actual output from a set of
labelled training data. The least cost value is obtained by making adjustments to the weights and biases
iteratively throughout the training process.
X
X
Xn
Y Y^
W1
W2
W3
.
.
.
.
.
.
.
.
.
Wn
W22
W23
W33
.
.
.
.
.
.
.
.
.
Wn2
W11
W21
W31
.
.
.
.
.
.
.
.
.
Wn1
1
2
Cost Function: C = ½( Y – Y )
2
Gradient Descent
Slower Faster
The person will take more time to reach the base of the mountain if the
slope is gentle and will come down faster if the slope is steep.
Likewise, a Neural Net will train slowly if the Gradient is small and it will
train quickly if the Gradient is large.
Gradient Descent is an optimization algorithm for finding the minimum of a function
A person trying to reach the base of a
mountain
Gradient Descent
Gradient Descent is an optimization algorithm for finding the minimum of a functionGradient Descent is an optimization algorithm for finding the minimum of a function
C = ½( Y – Y )^ 2
C
W
C
W
Best
Gradient
Global Minimum
cost
Initial Weight
Stochastic Gradient Descent
C
W
Best
Local Minimum Global Minimum
It does not require the
cost function to be
convex
Takes the rows one by
one, runs the neural
network and then adjusts
the weights
Helps you avoid the
local minimum as it
performs 1 iteration at a
time
Deep Learning Platforms
Torch
Keras
4 main platforms
TensorFlow
DeepLearning4J
(java)
Introduction to TensorFlow
Introduction to TensorFlow
• TensorFlow is a Deep Learning tool to define and run computations involving tensors.
• A tensor is a generalization of vectors and matrices to potentially higher dimensions.
• The array of data passed in each layer of nodes is known as Tensor.
a
m
k
q
d
2
4
8
1
1
9
3
2
5
4
4
6
6
3
3
7
8
2
9
5
Tensor of Dimensions[5] Tensor of Dimensions[5,4]Tensor of Dimension[3,3,3]
Introduction to TensorFlow
• TensorFlow is a Deep Learning tool to define and run computations involving tensors.
• A tensor is a generalization of vectors and matrices to potentially higher dimensions.
• The array of data passed in each layer of nodes is known as Tensor.
1.2 3.5 2.2…
4.7 10 4.5…
2.2 7.8 8.1…
3.6 2.5 4.5…
Arrays of data with different
dimensions and ranks go as
input to the network
Tensor Ranks
m=V=[1,2,3],[4,5,6]
v=[10,20,30]
t=[[[1],[2],[3]],[[4],[5],[6]],[[7],[8],[9]]]
s= [107]
Tensor of Rank 0 Tensor of Rank 1
Tensor of Rank 2Tensor of Rank 3
Introduction to TensorFlow
Open source software
library developed by
Google
Most popular library in
Deep Learning
Can run on either CPU
or GPU Can create data flow
graphs that have nodes
and edges
Used for Machine
Learning applications
such as Neural
Networks
Use case Implementation using TensorFlow
Lets build a neural network to identify hand written digits using MNIST Database.
Hand written digits
from MNIST Database
Modified National Institute of Standards and Technology
Database
Has a collection of 70,000 handwritten digits
Digit labels identify each of the digits from 0 to 9
Use case Implementation using TensorFlow
Lets build a neural network to identify hand written digits using MNIST Database.
Hand written digits
from MNIST Database
Pixels of digits fed as
input to the network
New image of a digit Identifies the digit
That’s
digit 3
Softmax Function
…………….
0 1 2 9
28*28=784 pixels
…………….
Softmax (Ln) =
Ln
e
e L
Use case Implementation using TensorFlow
1. Import MNIST Data using TensorFlow
2. Check the type of Dataset
Use case Implementation using TensorFlow
3. Array of Training images
4. Number of images for Training, Testing and Validation
Use case Implementation using TensorFlow
5. Visualizing the Data
Use case Implementation using TensorFlow
6. Maximum and minimum value of the pixels in the image
Use case Implementation using TensorFlow
7. Create the Model
Use case Implementation using TensorFlow
8. Create the Session
9. Evaluate the Trained model on Test data
Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural Networks | Simplilearn

Mais conteúdo relacionado

Mais procurados

Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNNShuai Zhang
 
Recurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRURecurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRUananth
 
Intro to Deep Learning for Computer Vision
Intro to Deep Learning for Computer VisionIntro to Deep Learning for Computer Vision
Intro to Deep Learning for Computer VisionChristoph Körner
 
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...Simplilearn
 
Intro to deep learning
Intro to deep learning Intro to deep learning
Intro to deep learning David Voyles
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learningJörgen Sandig
 
Autoencoders
AutoencodersAutoencoders
AutoencodersCloudxLab
 
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...Simplilearn
 
CNN Machine learning DeepLearning
CNN Machine learning DeepLearningCNN Machine learning DeepLearning
CNN Machine learning DeepLearningAbhishek Sharma
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksChristian Perone
 
Simple Introduction to AutoEncoder
Simple Introduction to AutoEncoderSimple Introduction to AutoEncoder
Simple Introduction to AutoEncoderJun Lang
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep LearningOswald Campesato
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep LearningJulien SIMON
 
Deep learning with tensorflow
Deep learning with tensorflowDeep learning with tensorflow
Deep learning with tensorflowCharmi Chokshi
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network Yan Xu
 
Deep Learning Applications | Deep Learning Applications In Real Life | Deep l...
Deep Learning Applications | Deep Learning Applications In Real Life | Deep l...Deep Learning Applications | Deep Learning Applications In Real Life | Deep l...
Deep Learning Applications | Deep Learning Applications In Real Life | Deep l...Simplilearn
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Gaurav Mittal
 

Mais procurados (20)

Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
 
Recurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRURecurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRU
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 
Intro to Deep Learning for Computer Vision
Intro to Deep Learning for Computer VisionIntro to Deep Learning for Computer Vision
Intro to Deep Learning for Computer Vision
 
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
 
Intro to deep learning
Intro to deep learning Intro to deep learning
Intro to deep learning
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
 
Deep learning
Deep learning Deep learning
Deep learning
 
Autoencoders
AutoencodersAutoencoders
Autoencoders
 
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
 
CNN Machine learning DeepLearning
CNN Machine learning DeepLearningCNN Machine learning DeepLearning
CNN Machine learning DeepLearning
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
Simple Introduction to AutoEncoder
Simple Introduction to AutoEncoderSimple Introduction to AutoEncoder
Simple Introduction to AutoEncoder
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep Learning
 
Deep learning with tensorflow
Deep learning with tensorflowDeep learning with tensorflow
Deep learning with tensorflow
 
Deep learning ppt
Deep learning pptDeep learning ppt
Deep learning ppt
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network
 
Deep Learning Applications | Deep Learning Applications In Real Life | Deep l...
Deep Learning Applications | Deep Learning Applications In Real Life | Deep l...Deep Learning Applications | Deep Learning Applications In Real Life | Deep l...
Deep Learning Applications | Deep Learning Applications In Real Life | Deep l...
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
 

Semelhante a Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural Networks | Simplilearn

Mc Culloch Pitts Neuron
Mc Culloch Pitts NeuronMc Culloch Pitts Neuron
Mc Culloch Pitts NeuronShajun Nisha
 
SOFT COMPUTERING TECHNICS -Unit 1
SOFT COMPUTERING TECHNICS -Unit 1SOFT COMPUTERING TECHNICS -Unit 1
SOFT COMPUTERING TECHNICS -Unit 1sravanthi computers
 
Artificial Neural Network_VCW (1).pptx
Artificial Neural Network_VCW (1).pptxArtificial Neural Network_VCW (1).pptx
Artificial Neural Network_VCW (1).pptxpratik610182
 
Neural Networks Ver1
Neural  Networks  Ver1Neural  Networks  Ver1
Neural Networks Ver1ncct
 
Neural networks
Neural networksNeural networks
Neural networksBasil John
 
Artificial Neural Network
Artificial Neural NetworkArtificial Neural Network
Artificial Neural NetworkRenas Rekany
 
BACKPROPOGATION ALGO.pdfLECTURE NOTES WITH SOLVED EXAMPLE AND FEED FORWARD NE...
BACKPROPOGATION ALGO.pdfLECTURE NOTES WITH SOLVED EXAMPLE AND FEED FORWARD NE...BACKPROPOGATION ALGO.pdfLECTURE NOTES WITH SOLVED EXAMPLE AND FEED FORWARD NE...
BACKPROPOGATION ALGO.pdfLECTURE NOTES WITH SOLVED EXAMPLE AND FEED FORWARD NE...DurgadeviParamasivam
 
Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)
Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)
Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)Universitat Politècnica de Catalunya
 
تطبيق الشبكة العصبية الاصطناعية (( ANN في كشف اعطال منظومة نقل القدرة الكهربائية
تطبيق الشبكة العصبية الاصطناعية (( ANN في كشف اعطال منظومة نقل القدرة الكهربائيةتطبيق الشبكة العصبية الاصطناعية (( ANN في كشف اعطال منظومة نقل القدرة الكهربائية
تطبيق الشبكة العصبية الاصطناعية (( ANN في كشف اعطال منظومة نقل القدرة الكهربائيةssuserfdec151
 
lecture11_Artificial neural networks.ppt
lecture11_Artificial neural networks.pptlecture11_Artificial neural networks.ppt
lecture11_Artificial neural networks.pptj7757652020
 
Soft Computering Technics - Unit2
Soft Computering Technics - Unit2Soft Computering Technics - Unit2
Soft Computering Technics - Unit2sravanthi computers
 

Semelhante a Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural Networks | Simplilearn (20)

Mc Culloch Pitts Neuron
Mc Culloch Pitts NeuronMc Culloch Pitts Neuron
Mc Culloch Pitts Neuron
 
10-Perceptron.pdf
10-Perceptron.pdf10-Perceptron.pdf
10-Perceptron.pdf
 
SOFT COMPUTERING TECHNICS -Unit 1
SOFT COMPUTERING TECHNICS -Unit 1SOFT COMPUTERING TECHNICS -Unit 1
SOFT COMPUTERING TECHNICS -Unit 1
 
Neural Networks
Neural NetworksNeural Networks
Neural Networks
 
Artificial Neural Network_VCW (1).pptx
Artificial Neural Network_VCW (1).pptxArtificial Neural Network_VCW (1).pptx
Artificial Neural Network_VCW (1).pptx
 
Neural Network
Neural NetworkNeural Network
Neural Network
 
Neural Networks Ver1
Neural  Networks  Ver1Neural  Networks  Ver1
Neural Networks Ver1
 
Neural networks
Neural networksNeural networks
Neural networks
 
Artificial Neural Network
Artificial Neural NetworkArtificial Neural Network
Artificial Neural Network
 
ANN.ppt
ANN.pptANN.ppt
ANN.ppt
 
19_Learning.ppt
19_Learning.ppt19_Learning.ppt
19_Learning.ppt
 
Lec-02.pdf
Lec-02.pdfLec-02.pdf
Lec-02.pdf
 
BACKPROPOGATION ALGO.pdfLECTURE NOTES WITH SOLVED EXAMPLE AND FEED FORWARD NE...
BACKPROPOGATION ALGO.pdfLECTURE NOTES WITH SOLVED EXAMPLE AND FEED FORWARD NE...BACKPROPOGATION ALGO.pdfLECTURE NOTES WITH SOLVED EXAMPLE AND FEED FORWARD NE...
BACKPROPOGATION ALGO.pdfLECTURE NOTES WITH SOLVED EXAMPLE AND FEED FORWARD NE...
 
Neural network
Neural networkNeural network
Neural network
 
ANN - UNIT 1.pptx
ANN - UNIT 1.pptxANN - UNIT 1.pptx
ANN - UNIT 1.pptx
 
Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)
Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)
Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)
 
تطبيق الشبكة العصبية الاصطناعية (( ANN في كشف اعطال منظومة نقل القدرة الكهربائية
تطبيق الشبكة العصبية الاصطناعية (( ANN في كشف اعطال منظومة نقل القدرة الكهربائيةتطبيق الشبكة العصبية الاصطناعية (( ANN في كشف اعطال منظومة نقل القدرة الكهربائية
تطبيق الشبكة العصبية الاصطناعية (( ANN في كشف اعطال منظومة نقل القدرة الكهربائية
 
lecture11_Artificial neural networks.ppt
lecture11_Artificial neural networks.pptlecture11_Artificial neural networks.ppt
lecture11_Artificial neural networks.ppt
 
SoftComputing5
SoftComputing5SoftComputing5
SoftComputing5
 
Soft Computering Technics - Unit2
Soft Computering Technics - Unit2Soft Computering Technics - Unit2
Soft Computering Technics - Unit2
 

Mais de Simplilearn

🔥 6 Reasons To Become A Data Engineer | Why You Should Become A Data Engineer...
🔥 6 Reasons To Become A Data Engineer | Why You Should Become A Data Engineer...🔥 6 Reasons To Become A Data Engineer | Why You Should Become A Data Engineer...
🔥 6 Reasons To Become A Data Engineer | Why You Should Become A Data Engineer...Simplilearn
 
Project Manager vs Program Manager - What’s the Difference ? | Project Manage...
Project Manager vs Program Manager - What’s the Difference ? | Project Manage...Project Manager vs Program Manager - What’s the Difference ? | Project Manage...
Project Manager vs Program Manager - What’s the Difference ? | Project Manage...Simplilearn
 
Deloitte Interview Questions And Answers | Top 45 Deloitte Interview Question...
Deloitte Interview Questions And Answers | Top 45 Deloitte Interview Question...Deloitte Interview Questions And Answers | Top 45 Deloitte Interview Question...
Deloitte Interview Questions And Answers | Top 45 Deloitte Interview Question...Simplilearn
 
🔥 Deep Learning Roadmap 2024 | Deep Learning Career Path 2024 | Simplilearn
🔥 Deep Learning Roadmap 2024 | Deep Learning Career Path 2024 | Simplilearn🔥 Deep Learning Roadmap 2024 | Deep Learning Career Path 2024 | Simplilearn
🔥 Deep Learning Roadmap 2024 | Deep Learning Career Path 2024 | SimplilearnSimplilearn
 
ChatGPT in Cybersecurity
ChatGPT in CybersecurityChatGPT in Cybersecurity
ChatGPT in CybersecuritySimplilearn
 
Whatis SQL Injection.pptx
Whatis SQL Injection.pptxWhatis SQL Injection.pptx
Whatis SQL Injection.pptxSimplilearn
 
Top 5 High Paying Cloud Computing Jobs in 2023
 Top 5 High Paying Cloud Computing Jobs in 2023  Top 5 High Paying Cloud Computing Jobs in 2023
Top 5 High Paying Cloud Computing Jobs in 2023 Simplilearn
 
Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024Simplilearn
 
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...Simplilearn
 
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...Simplilearn
 
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...Simplilearn
 
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...Simplilearn
 
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...Simplilearn
 
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...Simplilearn
 
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...Simplilearn
 
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...Simplilearn
 
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...Simplilearn
 
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...Simplilearn
 
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...Simplilearn
 
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...Simplilearn
 

Mais de Simplilearn (20)

🔥 6 Reasons To Become A Data Engineer | Why You Should Become A Data Engineer...
🔥 6 Reasons To Become A Data Engineer | Why You Should Become A Data Engineer...🔥 6 Reasons To Become A Data Engineer | Why You Should Become A Data Engineer...
🔥 6 Reasons To Become A Data Engineer | Why You Should Become A Data Engineer...
 
Project Manager vs Program Manager - What’s the Difference ? | Project Manage...
Project Manager vs Program Manager - What’s the Difference ? | Project Manage...Project Manager vs Program Manager - What’s the Difference ? | Project Manage...
Project Manager vs Program Manager - What’s the Difference ? | Project Manage...
 
Deloitte Interview Questions And Answers | Top 45 Deloitte Interview Question...
Deloitte Interview Questions And Answers | Top 45 Deloitte Interview Question...Deloitte Interview Questions And Answers | Top 45 Deloitte Interview Question...
Deloitte Interview Questions And Answers | Top 45 Deloitte Interview Question...
 
🔥 Deep Learning Roadmap 2024 | Deep Learning Career Path 2024 | Simplilearn
🔥 Deep Learning Roadmap 2024 | Deep Learning Career Path 2024 | Simplilearn🔥 Deep Learning Roadmap 2024 | Deep Learning Career Path 2024 | Simplilearn
🔥 Deep Learning Roadmap 2024 | Deep Learning Career Path 2024 | Simplilearn
 
ChatGPT in Cybersecurity
ChatGPT in CybersecurityChatGPT in Cybersecurity
ChatGPT in Cybersecurity
 
Whatis SQL Injection.pptx
Whatis SQL Injection.pptxWhatis SQL Injection.pptx
Whatis SQL Injection.pptx
 
Top 5 High Paying Cloud Computing Jobs in 2023
 Top 5 High Paying Cloud Computing Jobs in 2023  Top 5 High Paying Cloud Computing Jobs in 2023
Top 5 High Paying Cloud Computing Jobs in 2023
 
Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024
 
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
 
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
 
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
 
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
 
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
 
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
 
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
 
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
 
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
 
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
 
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
 
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
 

Último

How to setup Pycharm environment for Odoo 17.pptx
How to setup Pycharm environment for Odoo 17.pptxHow to setup Pycharm environment for Odoo 17.pptx
How to setup Pycharm environment for Odoo 17.pptxCeline George
 
Graduate Outcomes Presentation Slides - English
Graduate Outcomes Presentation Slides - EnglishGraduate Outcomes Presentation Slides - English
Graduate Outcomes Presentation Slides - Englishneillewis46
 
HMCS Vancouver Pre-Deployment Brief - May 2024 (Web Version).pptx
HMCS Vancouver Pre-Deployment Brief - May 2024 (Web Version).pptxHMCS Vancouver Pre-Deployment Brief - May 2024 (Web Version).pptx
HMCS Vancouver Pre-Deployment Brief - May 2024 (Web Version).pptxmarlenawright1
 
80 ĐỀ THI THỬ TUYỂN SINH TIẾNG ANH VÀO 10 SỞ GD – ĐT THÀNH PHỐ HỒ CHÍ MINH NĂ...
80 ĐỀ THI THỬ TUYỂN SINH TIẾNG ANH VÀO 10 SỞ GD – ĐT THÀNH PHỐ HỒ CHÍ MINH NĂ...80 ĐỀ THI THỬ TUYỂN SINH TIẾNG ANH VÀO 10 SỞ GD – ĐT THÀNH PHỐ HỒ CHÍ MINH NĂ...
80 ĐỀ THI THỬ TUYỂN SINH TIẾNG ANH VÀO 10 SỞ GD – ĐT THÀNH PHỐ HỒ CHÍ MINH NĂ...Nguyen Thanh Tu Collection
 
Python Notes for mca i year students osmania university.docx
Python Notes for mca i year students osmania university.docxPython Notes for mca i year students osmania university.docx
Python Notes for mca i year students osmania university.docxRamakrishna Reddy Bijjam
 
Single or Multiple melodic lines structure
Single or Multiple melodic lines structureSingle or Multiple melodic lines structure
Single or Multiple melodic lines structuredhanjurrannsibayan2
 
SOC 101 Demonstration of Learning Presentation
SOC 101 Demonstration of Learning PresentationSOC 101 Demonstration of Learning Presentation
SOC 101 Demonstration of Learning Presentationcamerronhm
 
On National Teacher Day, meet the 2024-25 Kenan Fellows
On National Teacher Day, meet the 2024-25 Kenan FellowsOn National Teacher Day, meet the 2024-25 Kenan Fellows
On National Teacher Day, meet the 2024-25 Kenan FellowsMebane Rash
 
The basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptxThe basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptxheathfieldcps1
 
Application orientated numerical on hev.ppt
Application orientated numerical on hev.pptApplication orientated numerical on hev.ppt
Application orientated numerical on hev.pptRamjanShidvankar
 
Towards a code of practice for AI in AT.pptx
Towards a code of practice for AI in AT.pptxTowards a code of practice for AI in AT.pptx
Towards a code of practice for AI in AT.pptxJisc
 
Sociology 101 Demonstration of Learning Exhibit
Sociology 101 Demonstration of Learning ExhibitSociology 101 Demonstration of Learning Exhibit
Sociology 101 Demonstration of Learning Exhibitjbellavia9
 
How to Give a Domain for a Field in Odoo 17
How to Give a Domain for a Field in Odoo 17How to Give a Domain for a Field in Odoo 17
How to Give a Domain for a Field in Odoo 17Celine George
 
Interdisciplinary_Insights_Data_Collection_Methods.pptx
Interdisciplinary_Insights_Data_Collection_Methods.pptxInterdisciplinary_Insights_Data_Collection_Methods.pptx
Interdisciplinary_Insights_Data_Collection_Methods.pptxPooja Bhuva
 
On_Translating_a_Tamil_Poem_by_A_K_Ramanujan.pptx
On_Translating_a_Tamil_Poem_by_A_K_Ramanujan.pptxOn_Translating_a_Tamil_Poem_by_A_K_Ramanujan.pptx
On_Translating_a_Tamil_Poem_by_A_K_Ramanujan.pptxPooja Bhuva
 
Jamworks pilot and AI at Jisc (20/03/2024)
Jamworks pilot and AI at Jisc (20/03/2024)Jamworks pilot and AI at Jisc (20/03/2024)
Jamworks pilot and AI at Jisc (20/03/2024)Jisc
 
How to Manage Global Discount in Odoo 17 POS
How to Manage Global Discount in Odoo 17 POSHow to Manage Global Discount in Odoo 17 POS
How to Manage Global Discount in Odoo 17 POSCeline George
 
General Principles of Intellectual Property: Concepts of Intellectual Proper...
General Principles of Intellectual Property: Concepts of Intellectual  Proper...General Principles of Intellectual Property: Concepts of Intellectual  Proper...
General Principles of Intellectual Property: Concepts of Intellectual Proper...Poonam Aher Patil
 
HMCS Max Bernays Pre-Deployment Brief (May 2024).pptx
HMCS Max Bernays Pre-Deployment Brief (May 2024).pptxHMCS Max Bernays Pre-Deployment Brief (May 2024).pptx
HMCS Max Bernays Pre-Deployment Brief (May 2024).pptxEsquimalt MFRC
 
FSB Advising Checklist - Orientation 2024
FSB Advising Checklist - Orientation 2024FSB Advising Checklist - Orientation 2024
FSB Advising Checklist - Orientation 2024Elizabeth Walsh
 

Último (20)

How to setup Pycharm environment for Odoo 17.pptx
How to setup Pycharm environment for Odoo 17.pptxHow to setup Pycharm environment for Odoo 17.pptx
How to setup Pycharm environment for Odoo 17.pptx
 
Graduate Outcomes Presentation Slides - English
Graduate Outcomes Presentation Slides - EnglishGraduate Outcomes Presentation Slides - English
Graduate Outcomes Presentation Slides - English
 
HMCS Vancouver Pre-Deployment Brief - May 2024 (Web Version).pptx
HMCS Vancouver Pre-Deployment Brief - May 2024 (Web Version).pptxHMCS Vancouver Pre-Deployment Brief - May 2024 (Web Version).pptx
HMCS Vancouver Pre-Deployment Brief - May 2024 (Web Version).pptx
 
80 ĐỀ THI THỬ TUYỂN SINH TIẾNG ANH VÀO 10 SỞ GD – ĐT THÀNH PHỐ HỒ CHÍ MINH NĂ...
80 ĐỀ THI THỬ TUYỂN SINH TIẾNG ANH VÀO 10 SỞ GD – ĐT THÀNH PHỐ HỒ CHÍ MINH NĂ...80 ĐỀ THI THỬ TUYỂN SINH TIẾNG ANH VÀO 10 SỞ GD – ĐT THÀNH PHỐ HỒ CHÍ MINH NĂ...
80 ĐỀ THI THỬ TUYỂN SINH TIẾNG ANH VÀO 10 SỞ GD – ĐT THÀNH PHỐ HỒ CHÍ MINH NĂ...
 
Python Notes for mca i year students osmania university.docx
Python Notes for mca i year students osmania university.docxPython Notes for mca i year students osmania university.docx
Python Notes for mca i year students osmania university.docx
 
Single or Multiple melodic lines structure
Single or Multiple melodic lines structureSingle or Multiple melodic lines structure
Single or Multiple melodic lines structure
 
SOC 101 Demonstration of Learning Presentation
SOC 101 Demonstration of Learning PresentationSOC 101 Demonstration of Learning Presentation
SOC 101 Demonstration of Learning Presentation
 
On National Teacher Day, meet the 2024-25 Kenan Fellows
On National Teacher Day, meet the 2024-25 Kenan FellowsOn National Teacher Day, meet the 2024-25 Kenan Fellows
On National Teacher Day, meet the 2024-25 Kenan Fellows
 
The basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptxThe basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptx
 
Application orientated numerical on hev.ppt
Application orientated numerical on hev.pptApplication orientated numerical on hev.ppt
Application orientated numerical on hev.ppt
 
Towards a code of practice for AI in AT.pptx
Towards a code of practice for AI in AT.pptxTowards a code of practice for AI in AT.pptx
Towards a code of practice for AI in AT.pptx
 
Sociology 101 Demonstration of Learning Exhibit
Sociology 101 Demonstration of Learning ExhibitSociology 101 Demonstration of Learning Exhibit
Sociology 101 Demonstration of Learning Exhibit
 
How to Give a Domain for a Field in Odoo 17
How to Give a Domain for a Field in Odoo 17How to Give a Domain for a Field in Odoo 17
How to Give a Domain for a Field in Odoo 17
 
Interdisciplinary_Insights_Data_Collection_Methods.pptx
Interdisciplinary_Insights_Data_Collection_Methods.pptxInterdisciplinary_Insights_Data_Collection_Methods.pptx
Interdisciplinary_Insights_Data_Collection_Methods.pptx
 
On_Translating_a_Tamil_Poem_by_A_K_Ramanujan.pptx
On_Translating_a_Tamil_Poem_by_A_K_Ramanujan.pptxOn_Translating_a_Tamil_Poem_by_A_K_Ramanujan.pptx
On_Translating_a_Tamil_Poem_by_A_K_Ramanujan.pptx
 
Jamworks pilot and AI at Jisc (20/03/2024)
Jamworks pilot and AI at Jisc (20/03/2024)Jamworks pilot and AI at Jisc (20/03/2024)
Jamworks pilot and AI at Jisc (20/03/2024)
 
How to Manage Global Discount in Odoo 17 POS
How to Manage Global Discount in Odoo 17 POSHow to Manage Global Discount in Odoo 17 POS
How to Manage Global Discount in Odoo 17 POS
 
General Principles of Intellectual Property: Concepts of Intellectual Proper...
General Principles of Intellectual Property: Concepts of Intellectual  Proper...General Principles of Intellectual Property: Concepts of Intellectual  Proper...
General Principles of Intellectual Property: Concepts of Intellectual Proper...
 
HMCS Max Bernays Pre-Deployment Brief (May 2024).pptx
HMCS Max Bernays Pre-Deployment Brief (May 2024).pptxHMCS Max Bernays Pre-Deployment Brief (May 2024).pptx
HMCS Max Bernays Pre-Deployment Brief (May 2024).pptx
 
FSB Advising Checklist - Orientation 2024
FSB Advising Checklist - Orientation 2024FSB Advising Checklist - Orientation 2024
FSB Advising Checklist - Orientation 2024
 

Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural Networks | Simplilearn

  • 1.
  • 2. Geolocation with Neural Network How does a neural network recognize the location of an image? Artificial Neural Network New image of a placeImages of millions of places Identifies the place
  • 3. Geolocation with Neural Network Pixels of millions of images Feed to Neural Network Recognizes landmarks, landscapes, architectural styles, road signs, etc New image of a place Identifies the place How does a neural network recognize the location of an image?
  • 4. What’s in it for you? Types of Neural Networks Applications of Deep Learning Working of Neural Network Introduction to TensorFlow Use case implementation using TensorFlow What is Deep Learning? What is a Neural Network? Implementing Logic Gates using Perceptron What is a Perceptron? Why do we need Deep Learning?
  • 5. What is Deep Learning?
  • 6. What is Deep Learning? Deep Learning is a subset of Machine Learning that has networks which are capable of learning from data that is unstructured or unlabeled and works similar to the functioning of a human brain. Artificial Intelligence Machine Learning Deep Learning Ability of a machine to imitate intelligent human behavior Application of AI that allows a system to automatically learn and improve from experience Application of Machine Learning that uses complex algorithms and deep neural nets to train a model
  • 7. Why do we need Deep Learning? Machine Learning works only with large sets of structured data, while Deep Learning can work with both structured and unstructured data Deep Learning algorithms can perform complex operations easily while Machine Learning Algorithms cannot Machine Learning algorithms use labelled sample data to extract patterns, while Deep Learning accepts large volumes of data as input, analyze the input to extract features out of an object Performance of Machine Learning algorithms decreases as the amount of data increase, so to maintain the performance of the model we need Deep Learning Works with unstructured data Handle complex operations Feature Extraction Achieve best performance
  • 8. What is a Neural Network?
  • 9. What is a Neural Network? Neuron X1 X2 Xn Y Output w1 w2 w n Input 1 Input 2 Input n Neural Networks are modeled after biological neural networks that allow computers to learn and interact like humans do. It has interconnected neurons with dendrites that receive inputs, and based on those inputs, it produces an electric signal i.e. output through the axon. Biological Neuron
  • 10. What is a Neural Network? Neuron X1 X2 Xn Y Output w1 w2 w n Input 1 Input 2 Input n Neural Network has interconnected neurons that receive some inputs, processes those inputs in layers to produce the output. Artificial Neuron
  • 11. Biological Neurons Vs Artificial Neuron Dendrites -------> Inputs Neuron X1 X2 Xn Y Output w1 w2 w n Dendrites Input 1 Input 2 Input n Inputs
  • 12. Biological Neurons Vs Artificial Neuron Cell Nucleus Neuron Input 1 Input 2 Input n Y Output w1 w2 w n Nodes X1 X2 Xn Cell Nucleus -------> Nodes
  • 13. X1 X2 Xn Biological Neurons Vs Artificial Neuron Synapse Neuron Input 1 Input 2 Input n Y Output Weights w1 w2 wn Synapse -------> Weights
  • 14. Biological Neurons Vs Artificial Neuron X1 X2 Xn Neuron Input 1 Input 2 Input n w1 w2 wn Axon Axon -------> Output Y Output
  • 15. What is a Perceptron?
  • 16. What is a Perceptron? A Perceptron is the basic part of a neural network. It represents a single neuron of a human brain and is used for binary classifiers. X1 X2 Xn Input 1 Input 2 Input n w1 w2 wn Y Output Net Input Function Activation Function ERROR
  • 17. Perceptron Learning Rule w X1 X2 Xn Input 1 Input 2 Input n w2 Y Output Activation Function ERROR w1 n Net Input Function Inputs are multiplied with the weights and a summation is performed, plus a bias is added Bias i=1 n w x + b i i* Step 1
  • 18. Perceptron Learning Rule w X1 X2 Xn Input 1 Input 2 Input n w2 Y Output Activation Function ERROR w1 n Net Input Function The weighted sum of inputs is passed to an activation function to determine if a neuron will fire or not Step 2
  • 19. Perceptron Learning Rule w X1 X2 Xn Input 1 Input 2 Input n w2 Y Output Activation Function ERROR w1 n Net Input Function Perceptron receives input signals and if the sum of the input signals exceeds a certain threshold value, it either outputs a signal or does not return an output Output = 0, if i=1 n w x + b < threshold i i* 1, if i=1 n w x + b >= thresholdi i* Step 3
  • 20. Perceptron Learning Rule w X1 X2 Xn Input 1 Input 2 Input n w2 Y Output Activation Function ERROR w1 n Net Input Function The error in the output is backpropagated and weights are updated to minimize the error Step 4
  • 21. Perceptron Learning Rule w X1 X2 Xn Input 1 Input 2 Input n w2 Y Output Activation Function ERROR w1 n Net Input Function Repeat steps 1 to 4 in order to generate the desired output
  • 22. Implementing Logic Gates using Perceptron In 1943, neuroscientist Warren McCulloch and logician Walter Pitts published a paper showing how neurons could implement the three logical functions (AND, OR, XOR). The neurons they used were simple threshold neurons which they named it Perceptron. Warren McCulloch Walter Pitts
  • 23. Implementing Logic Gates using Perceptron A logic gate is the basic building block of a digital circuit. Most logic gates have 2 inputs and 1 output. At any given moment, every terminal is in one of the two binary conditions low (0) or high (1), represented by different voltage levels. Popular Logic Gates AND OR NAND NOR NOT XOR
  • 24. Implementing AND Gate Using the Logic Gates, Neural Networks can learn on their own without having to manually code the logic Input (A) Input (B) Output 0 0 0 0 1 0 1 0 0 1 1 1 AND The output of Perceptron is true or positive if both the inputs are true, else false
  • 25. Implementing AND Gate A and B are input neurons. The red neuron is our output neuron. The threshold value is 1. If the sum of the weighted input neurons is greater than the threshold, the output is 1 else 0. Input (A) Input (B) Output 0.7*0 0.7*0 0 0.7*0 0.7*1 0.7 0.7*1 0.7*0 0.7 0.7*1 0.7*1 1.4 A B 0.7 0.7 = 1 This exceeds the threshold, so output is 1 We have designed a neuron which implements a logical AND gate w x1 1* w x 2 2* w x +1 1* w x 2 2*
  • 26. Implementing OR Gate Using the Logic Gates, Neural Networks can learn on their own without having to manually code the logic Input (A) Input (B) Output 0 0 0 0 1 1 1 0 1 1 1 1 OR The output of Perceptron is true or positive if either of the inputs are true, else false
  • 27. Implementing OR Gate A and B are input neurons. The red neuron is our output neuron. The threshold value is 1. If the sum of the weighted input neurons is greater than the threshold, the output is 1 else 0. Input (A) Input (B) Output 1.2*0 1.2*0 0 1.2*0 1.2*1 1.2 1.2*1 1.2*0 1.2 1.2*1 1.2*1 2.4 A B 1.2 1.2 = 1 These exceed the threshold, so output is 1 w x1 1* w x 2 2* w x +1 1* w x 2 2* We have designed a neuron which implements a logical OR gate
  • 28. Implementing XOR Gate Using the Logic Gates, Neural Networks can learn on their own without having to manually code the logic Input (A) Input (B) Output 0 0 0 0 1 1 1 0 1 1 1 0 XOR The output of Perceptron is true or positive if one of the inputs is true, else false
  • 29. Implementing XOR Gate XOR gate requires an intermediate hidden layer to achieve the logic of a XOR gate XOR Implementation 5 X X h h O 1 2 3 4 w13 w14 w23 w24 w45 w35 5 • X1 and X2 are inputs and h3 and h4 are the hidden layers. B3, B4 and B5 are the biases for h3, h4 and O5. • h3 = sigmoid (X1*w13 + X2*w23 – B3) • h4 = sigmoid (X2*w14 + X2*w24 – B4) • O5 = sigmoid (h3*w35 + h4*w45 – B5)
  • 30. Implementing XOR Gate XOR gate requires an intermediate hidden layer to achieve the logic of a XOR gate 5 X X h h O 1 2 3 4 20 -20 20 -20 20 20 5 Sigmoid(20*0+20*0-10) 0 Sigmoid(20*1+20*1-10) 1 Sigmoid(20*0+20*1-10) 1 Sigmoid(20*1+20*0-10) 1 ~~ ~~ ~~ ~~ Sigmoid(-20*0-20*0+30) 1 Sigmoid(-20*1-20*1+30) 0 Sigmoid(-20*0-20*1+30) 1 Sigmoid(-20*1-20*0+30) 1 ~~ ~~ ~~ ~~ b= -10 Sigmoid(20*0+20*1-30) 0 Sigmoid(20*1+20*0-30) 0 Sigmoid(20*1+20*1-30) 1 Sigmoid(20*1+20*1-30) 1 ~~ ~~ ~~ ~~ h3 h4 Output These exceed the threshold, so output is 1 b= 30 b= -30 = 1 = 1 = 1
  • 31. Types of Neural Network
  • 32. Types of Neural Networks Pattern Recognition ANN CNN RNN DNN DBN Image Processing Acoustic Modeling Recursive Neural Network Cancer Detection Neural Networks are mainly classified into 5 types Artificial Neural Network Convolution Neural Network Speech Recognition Deep Neural Network Deep Belief Network
  • 34. Applications of Deep Learning Deep Learning allows us to build machines that can play games Playing Games
  • 35. Applications of Deep Learning Composing Music Deep Neural Nets can be used to produce music by making computers learn the patterns in a composition
  • 36. Applications of Deep Learning Autonomous Driving Cars Distinguishes different types of objects, people, road signs and drives without human intervention
  • 37. Applications of Deep Learning Building Robots Deep Learning is used to train robots to perform human tasks
  • 38. Applications of Deep Learning Medical Diagnosis Deep Neural Nets are used to identify suspicious lesions and nodules in lung cancer patients
  • 39. Working of Neural Network
  • 40. Working of Neural Network Let’s find out how an Artificial Neural Network can be used to identify different shapes like Squares, Circles and Triangles How to identify various shapes using a neural network? Feed the shapes to a neural network as input Artificial Neural Network
  • 41. Working of Neural Network Artificial Neural Network 28 28 Strengths 28 28 = 784* • 28*28 pixels of the input image is taken as input i.e. 784 neurons Lets consider the shape of a square Shape of a Square
  • 42. Working of Neural Network 28 28 Strengths • 28*28 pixels of the input image is taken as input i.e. 784 neurons 28 28 = 784* 0.78 Activation • Each neuron holds a number called Activation that represents grayscale value of the corresponding pixel ranging from 0 to 1. 1 for white pixel and 0 for black pixel Lets consider the shape of a square Artificial Neural Network
  • 43. Working of Neural Network Lets consider the shape of a square 28 28 Strengths • 28*28 pixels of the input image is taken as input i.e. 784 neurons • Each neuron is lit up when its activation is close to 1 28 28 = 784* • Each neuron holds a number called Activation that represents grayscale value of the corresponding pixel ranging from 0 to 1. 1 for white pixel and 0 for black pixel Artificial Neural Network
  • 44. Working of Neural Network
  • 45. Working of Neural Network
  • 46. Working of Neural Network
  • 47. Working of Neural Network X1 X2 Xn w1 w2 wn Step 1 i=1 n w x + b i i* Activation Function Step 2 i=1 n w x + b ii*( ) Lets find out how an Artificial Neural Network can be used to identify different shapes Identifies different shapes Squares Circles Triangles Pixels of images fed as input
  • 48. Working of Neural Network Lets find out how an Artificial Neural Network can be used to identify different shapes X1 X2 Xn Y W1 W2 W3 . . . . . . . . . Wn W22 W23 W33 . . . . . . . . . Wn2 W11 W21 W31 . . . . . . . . . Wn1 Apply the weights Identifies different shapes Squares Circles Triangles^ Pixels of images fed as input
  • 49. Working of Neural Network Lets find out how an Artificial Neural Network can be used to identify different shapes X1 X2 Xn Y^ Apply the activation functions Identifies different shapes Squares Circles Triangles
  • 50. Working of Neural Network Lets find out how an Artificial Neural Network can be used to identify different shapes X1 X2 Xn Y^ Compare it with actual output Predicted Output Actual Output Y
  • 51. Working of Neural Network Applying the cost function to minimize the difference between predicted and actual output using gradient descent algorithm Predicted Output X1 X2 Xn Y^ Actual Output Compare it with actual output Y Cost Function: C = ½( Y – Y ) 2
  • 52. Working of Neural Network Neural Networks use Backpropagation method along with improve the performance of the Neural Net. A cost function is used to reduce the error rate between predicted and actual output. X X X Y^ Cost Function: C = ½( Y – Y ) 2 1 2 n Y
  • 53. Cost Function The Cost value is the difference between the neural nets predicted output and the actual output from a set of labelled training data. The least cost value is obtained by making adjustments to the weights and biases iteratively throughout the training process. X X Xn Y Y^ W1 W2 W3 . . . . . . . . . Wn W22 W23 W33 . . . . . . . . . Wn2 W11 W21 W31 . . . . . . . . . Wn1 1 2 Cost Function: C = ½( Y – Y ) 2
  • 54. Gradient Descent Slower Faster The person will take more time to reach the base of the mountain if the slope is gentle and will come down faster if the slope is steep. Likewise, a Neural Net will train slowly if the Gradient is small and it will train quickly if the Gradient is large. Gradient Descent is an optimization algorithm for finding the minimum of a function A person trying to reach the base of a mountain
  • 55. Gradient Descent Gradient Descent is an optimization algorithm for finding the minimum of a functionGradient Descent is an optimization algorithm for finding the minimum of a function C = ½( Y – Y )^ 2 C W C W Best Gradient Global Minimum cost Initial Weight
  • 56. Stochastic Gradient Descent C W Best Local Minimum Global Minimum It does not require the cost function to be convex Takes the rows one by one, runs the neural network and then adjusts the weights Helps you avoid the local minimum as it performs 1 iteration at a time
  • 57. Deep Learning Platforms Torch Keras 4 main platforms TensorFlow DeepLearning4J (java)
  • 59. Introduction to TensorFlow • TensorFlow is a Deep Learning tool to define and run computations involving tensors. • A tensor is a generalization of vectors and matrices to potentially higher dimensions. • The array of data passed in each layer of nodes is known as Tensor. a m k q d 2 4 8 1 1 9 3 2 5 4 4 6 6 3 3 7 8 2 9 5 Tensor of Dimensions[5] Tensor of Dimensions[5,4]Tensor of Dimension[3,3,3]
  • 60. Introduction to TensorFlow • TensorFlow is a Deep Learning tool to define and run computations involving tensors. • A tensor is a generalization of vectors and matrices to potentially higher dimensions. • The array of data passed in each layer of nodes is known as Tensor. 1.2 3.5 2.2… 4.7 10 4.5… 2.2 7.8 8.1… 3.6 2.5 4.5… Arrays of data with different dimensions and ranks go as input to the network
  • 62. Introduction to TensorFlow Open source software library developed by Google Most popular library in Deep Learning Can run on either CPU or GPU Can create data flow graphs that have nodes and edges Used for Machine Learning applications such as Neural Networks
  • 63. Use case Implementation using TensorFlow Lets build a neural network to identify hand written digits using MNIST Database. Hand written digits from MNIST Database Modified National Institute of Standards and Technology Database Has a collection of 70,000 handwritten digits Digit labels identify each of the digits from 0 to 9
  • 64. Use case Implementation using TensorFlow Lets build a neural network to identify hand written digits using MNIST Database. Hand written digits from MNIST Database Pixels of digits fed as input to the network New image of a digit Identifies the digit That’s digit 3
  • 65. Softmax Function ……………. 0 1 2 9 28*28=784 pixels ……………. Softmax (Ln) = Ln e e L
  • 66. Use case Implementation using TensorFlow 1. Import MNIST Data using TensorFlow 2. Check the type of Dataset
  • 67. Use case Implementation using TensorFlow 3. Array of Training images 4. Number of images for Training, Testing and Validation
  • 68. Use case Implementation using TensorFlow 5. Visualizing the Data
  • 69. Use case Implementation using TensorFlow 6. Maximum and minimum value of the pixels in the image
  • 70. Use case Implementation using TensorFlow 7. Create the Model
  • 71. Use case Implementation using TensorFlow 8. Create the Session 9. Evaluate the Trained model on Test data

Notas do Editor

  1. Style - 01
  2. Style - 01
  3. Style - 01
  4. Style - 01
  5. Style - 01
  6. Style - 01
  7. Style - 01
  8. Style - 01
  9. Style - 01
  10. Style - 01
  11. Style - 01
  12. Style - 01
  13. Style - 01
  14. Style - 01
  15. Style - 01
  16. Style - 01
  17. Style - 01
  18. Style - 01
  19. Style - 01
  20. Style - 01
  21. Style - 01
  22. Style - 01
  23. Style - 01
  24. Style - 01
  25. Style - 01
  26. Style - 01
  27. Style - 01
  28. Style - 01
  29. Style - 01
  30. Style - 01
  31. Style - 01
  32. Style - 01
  33. Style - 01
  34. Style - 01
  35. Style - 01
  36. Style - 01
  37. Style - 01
  38. Style - 01
  39. Style - 01
  40. Style - 01
  41. Style - 01
  42. Style - 01
  43. Style - 01
  44. Style - 01
  45. Style - 01
  46. Style - 01
  47. Style - 01
  48. Style - 01
  49. Style - 01
  50. Style - 01
  51. Style - 01
  52. Style - 01
  53. Style - 01
  54. Style - 01
  55. Style - 01
  56. Style - 01
  57. Style - 01
  58. Style - 01
  59. Style - 01
  60. Style - 01
  61. Style - 01
  62. Style - 01
  63. Style - 01