SlideShare une entreprise Scribd logo
1  sur  57
Deep Learning Using TensorFlow
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Agenda
• What Is Deep Learning?
• How Deep Learning Works?
• Single Layer Perceptron (Early Deep Learning Models)
• Single Layer Perceptron Examples
• Limitations Of Single Layer Perceptron
• Multi Layer Perceptron
• Multi Layer Perceptron Examples
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Module
1
Module
2
Module
3
Module
4
Module
5
Module
6
Module
7
Course Outline
Introduction to Deep Learning
Fundamentals of Neural Networks
Fundamentals of Deep Networks
Introduction to TensorFlow
Convolutional Neural Networks
Recurrent Neural Networks
RBM and Autoencoders
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Session In A Minute
Why Artificial Intelligence ? What is Artificial Intelligence? Subsets Of Artificial Intelligence
Machine Learning to Deep Learning What is Deep Learning? Deep Learning Applications
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
What Is Deep Learning?
Dog
Cat
Dog
Cat
How will a
machine
identify
Humans have seen so many dogs
and cats, they can identify the
difference between the two
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
What Is Deep Learning?
Training
Input Image
Feature
extraction
Machine
Learning Model
Predict what
the object is
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
What Is Deep Learning?
Deep Learning skips the manual steps of extracting features, you can directly feed images to the deep
learning algorithm, which then predicts the object.
Input Image
Learned Features
95%
3%
2%
Predict what
the object is
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
How It Works?
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
How Deep Learning Works?
Deep learning is a form of machine learning that uses a model of computing that's very much inspired
by the structure of the brain, so lets understand that first.
Neuron
Dendrite: Receives signals from
other neurons
Cell Body: Sums all the inputs
Axon: It is used to transmit
signals to the other cells
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Why We Need Artificial Neurons?
We can understand this with an example
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Why We Need Artificial Neuron?
I have a dataset about flowers.
It includes:
 Sepal Length
 Sepal Width
 Petal Length
 Petal Width
I want to classify the type of flower on the
basis of this dataset.
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Why We Need Artificial Neuron?
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
We Need A System To Separate The
Two Species
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Why We Need Artificial Neuron?
With the help of an Artificial Neuron we can separate the two species of flowers
Artificial Neuron
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Perceptron Learning Algorithm
To get started, I'll explain a type of artificial neuron called a perceptron.
X1
X2
X3
Xn
W1
W2
W3
Wn
Transfer
Function
Activation
Function
Schematic for a neuron in a neural net
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Perceptron Learning Algorithm
Initialize the weights
and threshold
1
Wj – initial Weight
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Perceptron Learning Algorithm
Provide the input and
calculate the output
Initialize the weights
and threshold
1 2
X – Input
Y - Output
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Perceptron Learning Algorithm
Provide the input and
calculate the output
Initialize the weights
and threshold
Update the weights Repeat step 2 and 3
1 2 3 4
Wj (t+1) = Wj (t) + n (d-y) x
Wj (t+1) – Updated Weight
Wj (t) – Old Weight
d – Desired Output
y – Actual Output
x - Input
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Types Of Activation Functions
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Activation Function
Step Function Sigmoid Function
Sign Function
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Applications Of Single Layer
Perceptron
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Applications
It is used to classify any linearly separable set of inputs.
Error = 2 Error = 1 Error = 0
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Applications
It can be used to implement Logic Gates.
OR
X1 X2 Y
0 0 0
0 1 1
1 0 1
1 1 1
AND
X1 X2 Y
0 0 0
0 1 0
1 0 0
1 1 1
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Applications
It can be used to implement Logic Gates.
OR
X1 X2 Y
0 0 0
0 1 1
1 0 1
1 1 1
t = 0.5
W = 1
W = 1
X1 X2
0 0
0 1
1 0
1 1
1
0 1
X1
X2
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Applications
It can be used to implement Logic Gates.
X1 X2 Y
0 0 0
0 1 0
1 0 0
1 1 1
t = 1.5
W = 1
W = 1
X1 X2
0 0
0 1
1 0
1 1
1
0 1
X1
X2
AND
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Single Layer Perceptron – Use Case
Let's now see how to implement a single layer neural network for an image classification problem
using TensorFlow.
MNIST Dataset
10,000 testing images55,000 training images
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
What Is TensorFlow?
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
What Is Tensorflow?
 Tensors are the standard way of representing data in deep learning.
 Tensors are just multidimensional arrays, an extension of two-dimensional tables (matrices) to data
with higher dimension.
Tensor of
dimensions[6]
Tensor of
dimensions[6,4]
Tensor of
dimensions[6,4,2]
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
What Is Tensorflow?
In Tensorflow, computation is approached as a dataflow graph
Tensor Flow
3.2 -1.4 5.1 …
-1.0 -2 2.4 …
… … … …
… … … …
Matmul
W X
Add
Relu
B
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
TensorFlow Code Basics
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
TensorFlow Code Basics
TensorFlow Core programs consists of two discrete sections:
Building a computational graph Running a computational graph
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
TensorFlow Code Basics
A computational graph is a series of TensorFlow operations arranged into a graph of nodes
 Let's build a simple computational graph.
 Each node takes zero or more tensors as inputs and produces a tensor as an output.
import tensorflow as tf
node1 = tf.constant(3.0, tf.float32)
node2 = tf.constant(4.0)
print(node1, node2)
Building a computational graph
Constant nodes
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
TensorFlow Code Basics
 To actually evaluate the nodes, we must run the computational graph within a session.
 A session encapsulates the control and state of the TensorFlow runtime.
sess = tf.Session()
print(sess.run([node1, node2])) Running a computational graph
It always produces a constant result
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Tensorflow Example
import tensorflow as tf
a = tf.constant(5)
b = tf.constant(2)
c = tf.constant(3)
d = tf.multiply(a,b)
e = tf.add(c,b)
f = tf.subtract(d,e)
sess = tf.Session()
outs = sess.run(f)
sess.close()
print ("outs = {}".format(outs))
c
b
a
e
d f
3
2
2
5
Const
Const
Const
Add
Mul
5
10 5
Sub
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
TensorFlow Code Basics
 A graph can be parameterized to accept external inputs, known as placeholders.
 A placeholder is a promise to provide a value later.
import tensorflow as tf
a = tf.placeholder(tf.float32)
b = tf.placeholder(tf.float32)
adder_node = a + b
sess = tf.Session()
print(sess.run(adder_node, {a: [1,3], b: [2, 4]}))
Placeholder
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
TensorFlow Code Basics
 To make the model trainable, we need to be able to modify the graph to get new outputs with the
same input. Variables allow us to add trainable parameters to a graph.
import tensorflow as tf
W = tf.Variable([.3], tf.float32)
b = tf.Variable([-.3], tf.float32)
x = tf.placeholder(tf.float32)
linear_model = W * x + b
init = tf.global_variables_initializer()
sess = tf.Session()
sess.run(init)
print(sess.run(linear_model, {x:[1,2,3,4]}))
We've created a model, but we
don't know how good it is yet
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
What Is A Computational Graph?
A loss function measures how far apart the current model is from the provided data.
To evaluate the model on training data, we need a y i.e.
a placeholder to provide the desired values, and we
need to write a loss function.
We'll use a standard loss model for linear regression.
(linear_model – y ) creates a vector where each
element is the corresponding example's error delta.
tf.square is used to square that error.
tf.reduce_sum is used to sum all the squared error.
y = tf.placeholder(tf.float32)
squared_deltas = tf.square(linear_model - y)
loss = tf.reduce_sum(squared_deltas)
print(sess.run(loss, {x:[1,2,3,4], y:[0,-1,-2,-3]}))
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
TensorFlow Code Basics
TensorFlow provides optimizers that slowly change each variable in order to minimize the loss function
optimizer = tf.train.GradientDescentOptimizer(0.01)
train = optimizer.minimize(loss)
sess.run(init)
for i in range(1000):
sess.run(train, {x:[1,2,3,4], y:[0,-1,-2,-3]})
print(sess.run([W, b]))
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Limitations Of Sigle Layer
Perceptron
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Limitations Of Single Layer Perceptron
Let us understand this with an example:
How can I implement an XOR gate using Single Layer Perceptron?
X1 X2 Y
0 0 0
0 1 1
1 0 1
1 1 0
XOR
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Limitations Of Single Layer Perceptron
Now, how will I separate the two set of outputs?
Can we use
two neurons?
For Solving this problem, a Multilayer Perceptron with
backpropagation can be used
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Multilayer Perceptron
A Multi-layer Perceptron has the same structure of a single layer perceptron but with one or more
hidden layers and is thus considered a deep neural network.
𝑥1
𝑥2
𝑥3
𝑦1
𝑦2
𝑦3
𝑧
bias
bias
𝑥1
𝑥2
𝑥 𝑛
𝑤1
𝑤2
𝑤 𝑛
𝒇(𝒔)𝑺
Summation:
𝑺 = 𝑤𝑖 ∗ 𝑥1
𝑖 = 1
𝑛
Transformation:
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
How It Works?
• The weights between the units are the primary means of long-term information storage in neural
networks
• Updating the weights is the primary way the neural network learns new information
Class1
Class2
A set of inputs is passed to the first hidden layer, the activations from that layer are passed to the next
layer and so on, until you reach the output layer
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
What Is Backpropagation?
Leads generated from
various sources
Classify the leads on
the basis of priority
Input Layer
Hidden Layer
Output Layer
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
What Is Backpropagation?
In order to classify the leads on the basis of priorities, we need to provide the maximum weight to
the most important lead.
For that we can calculate the difference between the actual output and the desired output.
According to that difference we can update the weights.
The Backpropagation algorithm is a supervised learning method for Multilayer Perceptron.
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Backpropagation – Learning Algorithm
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Backpropagation – Learning Algorithm
i1
i2
h1
h2 o2
o1
1 1
b1 .35 b2 .60
.10
.05
.15 w1
.20 w2
.25 w3
.55 w8
.50 w7
.45 w6
.40 w5
.01
.99..30 w4
Consider the following neural network with:
• two inputs
• two hidden neurons
• two output neurons
• two biases
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Backpropagation – Learning Algorithm
net h1 = w1*i1 + w2*i2 + b1*1 net h1 = 0.15*0.05 + 0.2*0.1 + 0.35*1 = 0.3775
Net Input For h1:
Output Of h1:
out h1 = 1/1+e-net h1
1/1+e = 0.593269992
.3775
Output Of h2:
out h2 = 0.596884378
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Backpropagation – Learning Algorithm
We repeat this process for the output layer neurons, using the output from the hidden layer
neurons as inputs.
Output For o1:
net o1 = w5*out h1 + w6*out h2 + b2*1 0.4*0.593269992 + 0.45*0.596884378 + 0.6*1 = 1.105905967
Out o1 = 1/1+e-net o1
1/1+e = 0.75136507-1.105905967
Output For o2:
Out o2 = 0.772928465
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Backpropagation – Learning Algorithm
Error For o1:
E o1 = Σ1/2 𝑡𝑎𝑟𝑔𝑒𝑡 − 𝑜𝑢𝑡𝑝𝑢𝑡 2 ½ (0.01 – 0.75136507)2
= 0.274811083
Error For o2:
E o2 = 0.023560026
Total Error:
Etotal = E o1 + E o2 0.274811083 + 0.023560026 = 0.298371109
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Backpropagation – Learning Algorithm
Update each of the weights in the network so that they cause the actual output to be closer the target
output.
Consider w5, we will calculate the change in total error w.r.t w5:
𝛿𝐸𝑡𝑜𝑡𝑎𝑙
𝛿𝑤5
𝛿𝐸𝑡𝑜𝑡𝑎𝑙
𝛿𝑤5
=
𝛿𝐸𝑡𝑜𝑡𝑎𝑙
𝛿𝑜𝑢𝑡 𝑜1
*
𝛿𝑜𝑢𝑡 𝑜1
𝛿𝑛𝑒𝑡 𝑜1
𝛿𝑛𝑒𝑡 𝑜1
𝛿𝑤5
* net o1 out o1 E totalout h1
1
out h2 w5
w6
b2
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Backpropagation – Learning Algorithm
How much does the total error change with respect to the output?
Etotal = 1/2(target o1 – out o1)2
+ 1/2(target o2 − out o2)2
𝛿𝐸𝑡𝑜𝑡𝑎𝑙
𝛿𝑜𝑢𝑡 𝑜1
= -(target o1 – out o1) = -(0.01 – 0.75136507) = 0.74136507
How much does the output o1 change w.r.t its total net input?
out o1 = 1/1+e−𝑛𝑒𝑡𝑜1
𝛿𝑜𝑢𝑡 𝑜1
𝛿𝑛𝑒𝑡 𝑜1
= out o1 (1 - out o1) = 0.75136507 (1 – 0.75136507) = 0.186815602
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Backpropagation – Learning Algorithm
How much does the total net input of o1 changes w.r.t w5?
net o1 = w5 * out h1 + w6 * out h2 + b2 * 1
𝛿𝑛𝑒𝑡 𝑜1
𝛿𝑤5
= 1 * out h1 𝑤5(1−1)
+ 0 + 0 = 0.593269992
Putting all these values together
𝛿𝐸𝑡𝑜𝑡𝑎𝑙
𝛿𝑤5
=
𝛿𝐸𝑡𝑜𝑡𝑎𝑙
𝛿𝑜𝑢𝑡 𝑜1
*
𝛿𝑜𝑢𝑡 𝑜1
𝛿𝑛𝑒𝑡 𝑜1
𝛿𝑛𝑒𝑡 𝑜1
𝛿𝑤5
* 0.082167041
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Backpropagation – Learning Algorithm
Decrease The Error:
w5+
= w5 – n
w5+
= 0.4 – 0.5 * 0.082167041
𝛿𝐸𝑡𝑜𝑡𝑎𝑙
𝛿𝑤5
Similarly, we can calculate the other weights as well.
Updated w5 0.35891648
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Multilayer Perceptron Use-Case
We will take the same MNIST dataset. By using Multilayer Perceptron the efficiency
can be increased.
Input Image
(28x28)
Filter Weights
(5x5 pixels)
(14x14 pixels)
(16 channels)
(7x7 pixels)
(36 channels)
Filter-Weights
(5x5 pixels)
16 of these …
0.0
0.0
0.1
0.0
0.0
0.1
0.0
0.8
0.0
0.0
0
1
2
3
4
5
6
7
8
9
Fully-Connected
Layer
Output
Layer Class
Convolutional Layer 1
Convolutional Layer 2
(128 features) (10 features)
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
Multi-Layer Perceptron
What Is Deep Learning How Deep Learning Works? Single Layer Perceptron
Introduction To TensorFlow Limitations Of Sigle Layer
Perceptron
Multi Layer Perceptron
Deep Learning Tutorial | Deep Learning Tutorial for Beginners | Neural Networks | Edureka

Contenu connexe

Tendances

An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep LearningJulien SIMON
 
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...Edureka!
 
What Is A Neural Network? | How Deep Neural Networks Work | Neural Network Tu...
What Is A Neural Network? | How Deep Neural Networks Work | Neural Network Tu...What Is A Neural Network? | How Deep Neural Networks Work | Neural Network Tu...
What Is A Neural Network? | How Deep Neural Networks Work | Neural Network Tu...Simplilearn
 
AI vs Machine Learning vs Deep Learning | Machine Learning Training with Pyth...
AI vs Machine Learning vs Deep Learning | Machine Learning Training with Pyth...AI vs Machine Learning vs Deep Learning | Machine Learning Training with Pyth...
AI vs Machine Learning vs Deep Learning | Machine Learning Training with Pyth...Edureka!
 
What is a Neural Network | Edureka
What is a Neural Network | EdurekaWhat is a Neural Network | Edureka
What is a Neural Network | EdurekaEdureka!
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual IntroductionLukas Masuch
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural networkFerdous ahmed
 
Introduction to Deep Learning, Keras, and TensorFlow
Introduction to Deep Learning, Keras, and TensorFlowIntroduction to Deep Learning, Keras, and TensorFlow
Introduction to Deep Learning, Keras, and TensorFlowSri Ambati
 
PyTorch Python Tutorial | Deep Learning Using PyTorch | Image Classifier Usin...
PyTorch Python Tutorial | Deep Learning Using PyTorch | Image Classifier Usin...PyTorch Python Tutorial | Deep Learning Using PyTorch | Image Classifier Usin...
PyTorch Python Tutorial | Deep Learning Using PyTorch | Image Classifier Usin...Edureka!
 
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...Simplilearn
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningMohamed Loey
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learningJörgen Sandig
 
An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)Thomas da Silva Paula
 
Introduction to TensorFlow 2.0
Introduction to TensorFlow 2.0Introduction to TensorFlow 2.0
Introduction to TensorFlow 2.0Databricks
 
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
 
Convolutional Neural Network
Convolutional Neural NetworkConvolutional Neural Network
Convolutional Neural NetworkVignesh Suresh
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsKasun Chinthaka Piyarathna
 
Convolutional Neural Networks
Convolutional Neural NetworksConvolutional Neural Networks
Convolutional Neural NetworksAshray Bhandare
 
Deep Learning With Python | Deep Learning And Neural Networks | Deep Learning...
Deep Learning With Python | Deep Learning And Neural Networks | Deep Learning...Deep Learning With Python | Deep Learning And Neural Networks | Deep Learning...
Deep Learning With Python | Deep Learning And Neural Networks | Deep Learning...Simplilearn
 

Tendances (20)

An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep Learning
 
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...
 
What Is A Neural Network? | How Deep Neural Networks Work | Neural Network Tu...
What Is A Neural Network? | How Deep Neural Networks Work | Neural Network Tu...What Is A Neural Network? | How Deep Neural Networks Work | Neural Network Tu...
What Is A Neural Network? | How Deep Neural Networks Work | Neural Network Tu...
 
AI vs Machine Learning vs Deep Learning | Machine Learning Training with Pyth...
AI vs Machine Learning vs Deep Learning | Machine Learning Training with Pyth...AI vs Machine Learning vs Deep Learning | Machine Learning Training with Pyth...
AI vs Machine Learning vs Deep Learning | Machine Learning Training with Pyth...
 
What is a Neural Network | Edureka
What is a Neural Network | EdurekaWhat is a Neural Network | Edureka
What is a Neural Network | Edureka
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual Introduction
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
 
Introduction to Deep Learning, Keras, and TensorFlow
Introduction to Deep Learning, Keras, and TensorFlowIntroduction to Deep Learning, Keras, and TensorFlow
Introduction to Deep Learning, Keras, and TensorFlow
 
PyTorch Python Tutorial | Deep Learning Using PyTorch | Image Classifier Usin...
PyTorch Python Tutorial | Deep Learning Using PyTorch | Image Classifier Usin...PyTorch Python Tutorial | Deep Learning Using PyTorch | Image Classifier Usin...
PyTorch Python Tutorial | Deep Learning Using PyTorch | Image Classifier Usin...
 
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep Learning
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
 
An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)
 
Introduction to TensorFlow 2.0
Introduction to TensorFlow 2.0Introduction to TensorFlow 2.0
Introduction to TensorFlow 2.0
 
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...
 
Convolutional Neural Network
Convolutional Neural NetworkConvolutional Neural Network
Convolutional Neural Network
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
 
Convolutional Neural Networks
Convolutional Neural NetworksConvolutional Neural Networks
Convolutional Neural Networks
 
Deep Learning With Python | Deep Learning And Neural Networks | Deep Learning...
Deep Learning With Python | Deep Learning And Neural Networks | Deep Learning...Deep Learning With Python | Deep Learning And Neural Networks | Deep Learning...
Deep Learning With Python | Deep Learning And Neural Networks | Deep Learning...
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 

Similaire à Deep Learning Tutorial | Deep Learning Tutorial for Beginners | Neural Networks | Edureka

TensorFlow Tutorial | Deep Learning Using TensorFlow | TensorFlow Tutorial Py...
TensorFlow Tutorial | Deep Learning Using TensorFlow | TensorFlow Tutorial Py...TensorFlow Tutorial | Deep Learning Using TensorFlow | TensorFlow Tutorial Py...
TensorFlow Tutorial | Deep Learning Using TensorFlow | TensorFlow Tutorial Py...Edureka!
 
Introduction To TensorFlow | Deep Learning Using TensorFlow | TensorFlow Tuto...
Introduction To TensorFlow | Deep Learning Using TensorFlow | TensorFlow Tuto...Introduction To TensorFlow | Deep Learning Using TensorFlow | TensorFlow Tuto...
Introduction To TensorFlow | Deep Learning Using TensorFlow | TensorFlow Tuto...Edureka!
 
Deep Learning Using TensorFlow | TensorFlow Tutorial | AI & Deep Learning Tra...
Deep Learning Using TensorFlow | TensorFlow Tutorial | AI & Deep Learning Tra...Deep Learning Using TensorFlow | TensorFlow Tutorial | AI & Deep Learning Tra...
Deep Learning Using TensorFlow | TensorFlow Tutorial | AI & Deep Learning Tra...Edureka!
 
Deep Learning | A Step Closer To Artificial Intelligence | Edureka Live
Deep Learning | A Step Closer To Artificial Intelligence | Edureka LiveDeep Learning | A Step Closer To Artificial Intelligence | Edureka Live
Deep Learning | A Step Closer To Artificial Intelligence | Edureka LiveEdureka!
 
Introduction to Artificial Intelligence | AI using Deep Learning | Edureka
Introduction to Artificial Intelligence | AI using Deep Learning | EdurekaIntroduction to Artificial Intelligence | AI using Deep Learning | Edureka
Introduction to Artificial Intelligence | AI using Deep Learning | EdurekaEdureka!
 
Deep Learning Fundamentals
Deep Learning FundamentalsDeep Learning Fundamentals
Deep Learning FundamentalsThomas Delteil
 
Natural language processing open seminar For Tensorflow usage
Natural language processing open seminar For Tensorflow usageNatural language processing open seminar For Tensorflow usage
Natural language processing open seminar For Tensorflow usagehyunyoung Lee
 
MCL310_Building Deep Learning Applications with Apache MXNet and Gluon
MCL310_Building Deep Learning Applications with Apache MXNet and GluonMCL310_Building Deep Learning Applications with Apache MXNet and Gluon
MCL310_Building Deep Learning Applications with Apache MXNet and GluonAmazon Web Services
 
Deep learning beyond the learning - Jörg Schad - Codemotion Rome 2018
Deep learning beyond the learning - Jörg Schad - Codemotion Rome 2018 Deep learning beyond the learning - Jörg Schad - Codemotion Rome 2018
Deep learning beyond the learning - Jörg Schad - Codemotion Rome 2018 Codemotion
 
Running Distributed TensorFlow with GPUs on Mesos with DC/OS
Running Distributed TensorFlow with GPUs on Mesos with DC/OS Running Distributed TensorFlow with GPUs on Mesos with DC/OS
Running Distributed TensorFlow with GPUs on Mesos with DC/OS Mesosphere Inc.
 
Introduction To TensorFlow | Deep Learning with TensorFlow | TensorFlow For B...
Introduction To TensorFlow | Deep Learning with TensorFlow | TensorFlow For B...Introduction To TensorFlow | Deep Learning with TensorFlow | TensorFlow For B...
Introduction To TensorFlow | Deep Learning with TensorFlow | TensorFlow For B...Edureka!
 
Introduction to Machine Learning, Deep Learning and MXNet
Introduction to Machine Learning, Deep Learning and MXNetIntroduction to Machine Learning, Deep Learning and MXNet
Introduction to Machine Learning, Deep Learning and MXNetAmazon Web Services
 
How to use tensorflow
How to use tensorflowHow to use tensorflow
How to use tensorflowhyunyoung Lee
 
TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Par...
TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Par...TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Par...
TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Par...Big Data Spain
 
MCL303-Deep Learning with Apache MXNet and Gluon
MCL303-Deep Learning with Apache MXNet and GluonMCL303-Deep Learning with Apache MXNet and Gluon
MCL303-Deep Learning with Apache MXNet and GluonAmazon Web Services
 
Python For Deep Learning - I | Python Basics | Python Tutorial | Python Train...
Python For Deep Learning - I | Python Basics | Python Tutorial | Python Train...Python For Deep Learning - I | Python Basics | Python Tutorial | Python Train...
Python For Deep Learning - I | Python Basics | Python Tutorial | Python Train...Edureka!
 
Introduction to Tensor Flow-v1.pptx
Introduction to Tensor Flow-v1.pptxIntroduction to Tensor Flow-v1.pptx
Introduction to Tensor Flow-v1.pptxJanagi Raman S
 
Workshop: Build Deep Learning Applications with TensorFlow and SageMaker
Workshop: Build Deep Learning Applications with TensorFlow and SageMakerWorkshop: Build Deep Learning Applications with TensorFlow and SageMaker
Workshop: Build Deep Learning Applications with TensorFlow and SageMakerAmazon Web Services
 
Elasticsearch Tutorial | Getting Started with Elasticsearch | ELK Stack Train...
Elasticsearch Tutorial | Getting Started with Elasticsearch | ELK Stack Train...Elasticsearch Tutorial | Getting Started with Elasticsearch | ELK Stack Train...
Elasticsearch Tutorial | Getting Started with Elasticsearch | ELK Stack Train...Edureka!
 
JEEConf 2017 - In-Memory Data Streams With Hazelcast Jet
JEEConf 2017 - In-Memory Data Streams With Hazelcast JetJEEConf 2017 - In-Memory Data Streams With Hazelcast Jet
JEEConf 2017 - In-Memory Data Streams With Hazelcast JetNeil Stevenson
 

Similaire à Deep Learning Tutorial | Deep Learning Tutorial for Beginners | Neural Networks | Edureka (20)

TensorFlow Tutorial | Deep Learning Using TensorFlow | TensorFlow Tutorial Py...
TensorFlow Tutorial | Deep Learning Using TensorFlow | TensorFlow Tutorial Py...TensorFlow Tutorial | Deep Learning Using TensorFlow | TensorFlow Tutorial Py...
TensorFlow Tutorial | Deep Learning Using TensorFlow | TensorFlow Tutorial Py...
 
Introduction To TensorFlow | Deep Learning Using TensorFlow | TensorFlow Tuto...
Introduction To TensorFlow | Deep Learning Using TensorFlow | TensorFlow Tuto...Introduction To TensorFlow | Deep Learning Using TensorFlow | TensorFlow Tuto...
Introduction To TensorFlow | Deep Learning Using TensorFlow | TensorFlow Tuto...
 
Deep Learning Using TensorFlow | TensorFlow Tutorial | AI & Deep Learning Tra...
Deep Learning Using TensorFlow | TensorFlow Tutorial | AI & Deep Learning Tra...Deep Learning Using TensorFlow | TensorFlow Tutorial | AI & Deep Learning Tra...
Deep Learning Using TensorFlow | TensorFlow Tutorial | AI & Deep Learning Tra...
 
Deep Learning | A Step Closer To Artificial Intelligence | Edureka Live
Deep Learning | A Step Closer To Artificial Intelligence | Edureka LiveDeep Learning | A Step Closer To Artificial Intelligence | Edureka Live
Deep Learning | A Step Closer To Artificial Intelligence | Edureka Live
 
Introduction to Artificial Intelligence | AI using Deep Learning | Edureka
Introduction to Artificial Intelligence | AI using Deep Learning | EdurekaIntroduction to Artificial Intelligence | AI using Deep Learning | Edureka
Introduction to Artificial Intelligence | AI using Deep Learning | Edureka
 
Deep Learning Fundamentals
Deep Learning FundamentalsDeep Learning Fundamentals
Deep Learning Fundamentals
 
Natural language processing open seminar For Tensorflow usage
Natural language processing open seminar For Tensorflow usageNatural language processing open seminar For Tensorflow usage
Natural language processing open seminar For Tensorflow usage
 
MCL310_Building Deep Learning Applications with Apache MXNet and Gluon
MCL310_Building Deep Learning Applications with Apache MXNet and GluonMCL310_Building Deep Learning Applications with Apache MXNet and Gluon
MCL310_Building Deep Learning Applications with Apache MXNet and Gluon
 
Deep learning beyond the learning - Jörg Schad - Codemotion Rome 2018
Deep learning beyond the learning - Jörg Schad - Codemotion Rome 2018 Deep learning beyond the learning - Jörg Schad - Codemotion Rome 2018
Deep learning beyond the learning - Jörg Schad - Codemotion Rome 2018
 
Running Distributed TensorFlow with GPUs on Mesos with DC/OS
Running Distributed TensorFlow with GPUs on Mesos with DC/OS Running Distributed TensorFlow with GPUs on Mesos with DC/OS
Running Distributed TensorFlow with GPUs on Mesos with DC/OS
 
Introduction To TensorFlow | Deep Learning with TensorFlow | TensorFlow For B...
Introduction To TensorFlow | Deep Learning with TensorFlow | TensorFlow For B...Introduction To TensorFlow | Deep Learning with TensorFlow | TensorFlow For B...
Introduction To TensorFlow | Deep Learning with TensorFlow | TensorFlow For B...
 
Introduction to Machine Learning, Deep Learning and MXNet
Introduction to Machine Learning, Deep Learning and MXNetIntroduction to Machine Learning, Deep Learning and MXNet
Introduction to Machine Learning, Deep Learning and MXNet
 
How to use tensorflow
How to use tensorflowHow to use tensorflow
How to use tensorflow
 
TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Par...
TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Par...TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Par...
TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Par...
 
MCL303-Deep Learning with Apache MXNet and Gluon
MCL303-Deep Learning with Apache MXNet and GluonMCL303-Deep Learning with Apache MXNet and Gluon
MCL303-Deep Learning with Apache MXNet and Gluon
 
Python For Deep Learning - I | Python Basics | Python Tutorial | Python Train...
Python For Deep Learning - I | Python Basics | Python Tutorial | Python Train...Python For Deep Learning - I | Python Basics | Python Tutorial | Python Train...
Python For Deep Learning - I | Python Basics | Python Tutorial | Python Train...
 
Introduction to Tensor Flow-v1.pptx
Introduction to Tensor Flow-v1.pptxIntroduction to Tensor Flow-v1.pptx
Introduction to Tensor Flow-v1.pptx
 
Workshop: Build Deep Learning Applications with TensorFlow and SageMaker
Workshop: Build Deep Learning Applications with TensorFlow and SageMakerWorkshop: Build Deep Learning Applications with TensorFlow and SageMaker
Workshop: Build Deep Learning Applications with TensorFlow and SageMaker
 
Elasticsearch Tutorial | Getting Started with Elasticsearch | ELK Stack Train...
Elasticsearch Tutorial | Getting Started with Elasticsearch | ELK Stack Train...Elasticsearch Tutorial | Getting Started with Elasticsearch | ELK Stack Train...
Elasticsearch Tutorial | Getting Started with Elasticsearch | ELK Stack Train...
 
JEEConf 2017 - In-Memory Data Streams With Hazelcast Jet
JEEConf 2017 - In-Memory Data Streams With Hazelcast JetJEEConf 2017 - In-Memory Data Streams With Hazelcast Jet
JEEConf 2017 - In-Memory Data Streams With Hazelcast Jet
 

Plus de Edureka!

What to learn during the 21 days Lockdown | Edureka
What to learn during the 21 days Lockdown | EdurekaWhat to learn during the 21 days Lockdown | Edureka
What to learn during the 21 days Lockdown | EdurekaEdureka!
 
Top 10 Dying Programming Languages in 2020 | Edureka
Top 10 Dying Programming Languages in 2020 | EdurekaTop 10 Dying Programming Languages in 2020 | Edureka
Top 10 Dying Programming Languages in 2020 | EdurekaEdureka!
 
Top 5 Trending Business Intelligence Tools | Edureka
Top 5 Trending Business Intelligence Tools | EdurekaTop 5 Trending Business Intelligence Tools | Edureka
Top 5 Trending Business Intelligence Tools | EdurekaEdureka!
 
Tableau Tutorial for Data Science | Edureka
Tableau Tutorial for Data Science | EdurekaTableau Tutorial for Data Science | Edureka
Tableau Tutorial for Data Science | EdurekaEdureka!
 
Python Programming Tutorial | Edureka
Python Programming Tutorial | EdurekaPython Programming Tutorial | Edureka
Python Programming Tutorial | EdurekaEdureka!
 
Top 5 PMP Certifications | Edureka
Top 5 PMP Certifications | EdurekaTop 5 PMP Certifications | Edureka
Top 5 PMP Certifications | EdurekaEdureka!
 
Top Maven Interview Questions in 2020 | Edureka
Top Maven Interview Questions in 2020 | EdurekaTop Maven Interview Questions in 2020 | Edureka
Top Maven Interview Questions in 2020 | EdurekaEdureka!
 
Linux Mint Tutorial | Edureka
Linux Mint Tutorial | EdurekaLinux Mint Tutorial | Edureka
Linux Mint Tutorial | EdurekaEdureka!
 
How to Deploy Java Web App in AWS| Edureka
How to Deploy Java Web App in AWS| EdurekaHow to Deploy Java Web App in AWS| Edureka
How to Deploy Java Web App in AWS| EdurekaEdureka!
 
Importance of Digital Marketing | Edureka
Importance of Digital Marketing | EdurekaImportance of Digital Marketing | Edureka
Importance of Digital Marketing | EdurekaEdureka!
 
RPA in 2020 | Edureka
RPA in 2020 | EdurekaRPA in 2020 | Edureka
RPA in 2020 | EdurekaEdureka!
 
Email Notifications in Jenkins | Edureka
Email Notifications in Jenkins | EdurekaEmail Notifications in Jenkins | Edureka
Email Notifications in Jenkins | EdurekaEdureka!
 
EA Algorithm in Machine Learning | Edureka
EA Algorithm in Machine Learning | EdurekaEA Algorithm in Machine Learning | Edureka
EA Algorithm in Machine Learning | EdurekaEdureka!
 
Cognitive AI Tutorial | Edureka
Cognitive AI Tutorial | EdurekaCognitive AI Tutorial | Edureka
Cognitive AI Tutorial | EdurekaEdureka!
 
AWS Cloud Practitioner Tutorial | Edureka
AWS Cloud Practitioner Tutorial | EdurekaAWS Cloud Practitioner Tutorial | Edureka
AWS Cloud Practitioner Tutorial | EdurekaEdureka!
 
Blue Prism Top Interview Questions | Edureka
Blue Prism Top Interview Questions | EdurekaBlue Prism Top Interview Questions | Edureka
Blue Prism Top Interview Questions | EdurekaEdureka!
 
Big Data on AWS Tutorial | Edureka
Big Data on AWS Tutorial | Edureka Big Data on AWS Tutorial | Edureka
Big Data on AWS Tutorial | Edureka Edureka!
 
A star algorithm | A* Algorithm in Artificial Intelligence | Edureka
A star algorithm | A* Algorithm in Artificial Intelligence | EdurekaA star algorithm | A* Algorithm in Artificial Intelligence | Edureka
A star algorithm | A* Algorithm in Artificial Intelligence | EdurekaEdureka!
 
Kubernetes Installation on Ubuntu | Edureka
Kubernetes Installation on Ubuntu | EdurekaKubernetes Installation on Ubuntu | Edureka
Kubernetes Installation on Ubuntu | EdurekaEdureka!
 
Introduction to DevOps | Edureka
Introduction to DevOps | EdurekaIntroduction to DevOps | Edureka
Introduction to DevOps | EdurekaEdureka!
 

Plus de Edureka! (20)

What to learn during the 21 days Lockdown | Edureka
What to learn during the 21 days Lockdown | EdurekaWhat to learn during the 21 days Lockdown | Edureka
What to learn during the 21 days Lockdown | Edureka
 
Top 10 Dying Programming Languages in 2020 | Edureka
Top 10 Dying Programming Languages in 2020 | EdurekaTop 10 Dying Programming Languages in 2020 | Edureka
Top 10 Dying Programming Languages in 2020 | Edureka
 
Top 5 Trending Business Intelligence Tools | Edureka
Top 5 Trending Business Intelligence Tools | EdurekaTop 5 Trending Business Intelligence Tools | Edureka
Top 5 Trending Business Intelligence Tools | Edureka
 
Tableau Tutorial for Data Science | Edureka
Tableau Tutorial for Data Science | EdurekaTableau Tutorial for Data Science | Edureka
Tableau Tutorial for Data Science | Edureka
 
Python Programming Tutorial | Edureka
Python Programming Tutorial | EdurekaPython Programming Tutorial | Edureka
Python Programming Tutorial | Edureka
 
Top 5 PMP Certifications | Edureka
Top 5 PMP Certifications | EdurekaTop 5 PMP Certifications | Edureka
Top 5 PMP Certifications | Edureka
 
Top Maven Interview Questions in 2020 | Edureka
Top Maven Interview Questions in 2020 | EdurekaTop Maven Interview Questions in 2020 | Edureka
Top Maven Interview Questions in 2020 | Edureka
 
Linux Mint Tutorial | Edureka
Linux Mint Tutorial | EdurekaLinux Mint Tutorial | Edureka
Linux Mint Tutorial | Edureka
 
How to Deploy Java Web App in AWS| Edureka
How to Deploy Java Web App in AWS| EdurekaHow to Deploy Java Web App in AWS| Edureka
How to Deploy Java Web App in AWS| Edureka
 
Importance of Digital Marketing | Edureka
Importance of Digital Marketing | EdurekaImportance of Digital Marketing | Edureka
Importance of Digital Marketing | Edureka
 
RPA in 2020 | Edureka
RPA in 2020 | EdurekaRPA in 2020 | Edureka
RPA in 2020 | Edureka
 
Email Notifications in Jenkins | Edureka
Email Notifications in Jenkins | EdurekaEmail Notifications in Jenkins | Edureka
Email Notifications in Jenkins | Edureka
 
EA Algorithm in Machine Learning | Edureka
EA Algorithm in Machine Learning | EdurekaEA Algorithm in Machine Learning | Edureka
EA Algorithm in Machine Learning | Edureka
 
Cognitive AI Tutorial | Edureka
Cognitive AI Tutorial | EdurekaCognitive AI Tutorial | Edureka
Cognitive AI Tutorial | Edureka
 
AWS Cloud Practitioner Tutorial | Edureka
AWS Cloud Practitioner Tutorial | EdurekaAWS Cloud Practitioner Tutorial | Edureka
AWS Cloud Practitioner Tutorial | Edureka
 
Blue Prism Top Interview Questions | Edureka
Blue Prism Top Interview Questions | EdurekaBlue Prism Top Interview Questions | Edureka
Blue Prism Top Interview Questions | Edureka
 
Big Data on AWS Tutorial | Edureka
Big Data on AWS Tutorial | Edureka Big Data on AWS Tutorial | Edureka
Big Data on AWS Tutorial | Edureka
 
A star algorithm | A* Algorithm in Artificial Intelligence | Edureka
A star algorithm | A* Algorithm in Artificial Intelligence | EdurekaA star algorithm | A* Algorithm in Artificial Intelligence | Edureka
A star algorithm | A* Algorithm in Artificial Intelligence | Edureka
 
Kubernetes Installation on Ubuntu | Edureka
Kubernetes Installation on Ubuntu | EdurekaKubernetes Installation on Ubuntu | Edureka
Kubernetes Installation on Ubuntu | Edureka
 
Introduction to DevOps | Edureka
Introduction to DevOps | EdurekaIntroduction to DevOps | Edureka
Introduction to DevOps | Edureka
 

Dernier

A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?Igalia
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Drew Madelung
 
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...Neo4j
 
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...apidays
 
The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024Rafal Los
 
GenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationGenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationMichael W. Hawkins
 
Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Enterprise Knowledge
 
HTML Injection Attacks: Impact and Mitigation Strategies
HTML Injection Attacks: Impact and Mitigation StrategiesHTML Injection Attacks: Impact and Mitigation Strategies
HTML Injection Attacks: Impact and Mitigation StrategiesBoston Institute of Analytics
 
2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...Martijn de Jong
 
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot TakeoffStrategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoffsammart93
 
Automating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps ScriptAutomating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps Scriptwesley chun
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerThousandEyes
 
AWS Community Day CPH - Three problems of Terraform
AWS Community Day CPH - Three problems of TerraformAWS Community Day CPH - Three problems of Terraform
AWS Community Day CPH - Three problems of TerraformAndrey Devyatkin
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsMaria Levchenko
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processorsdebabhi2
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024The Digital Insurer
 
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemkeProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemkeProduct Anonymous
 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUK Journal
 
Strategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherStrategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherRemote DBA Services
 
Advantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessAdvantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessPixlogix Infotech
 

Dernier (20)

A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
 
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...Workshop - Best of Both Worlds_ Combine  KG and Vector search for  enhanced R...
Workshop - Best of Both Worlds_ Combine KG and Vector search for enhanced R...
 
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
 
The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024
 
GenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationGenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day Presentation
 
Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...
 
HTML Injection Attacks: Impact and Mitigation Strategies
HTML Injection Attacks: Impact and Mitigation StrategiesHTML Injection Attacks: Impact and Mitigation Strategies
HTML Injection Attacks: Impact and Mitigation Strategies
 
2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...
 
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot TakeoffStrategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
 
Automating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps ScriptAutomating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps Script
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
AWS Community Day CPH - Three problems of Terraform
AWS Community Day CPH - Three problems of TerraformAWS Community Day CPH - Three problems of Terraform
AWS Community Day CPH - Three problems of Terraform
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed texts
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processors
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024
 
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemkeProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
ProductAnonymous-April2024-WinProductDiscovery-MelissaKlemke
 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
 
Strategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherStrategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a Fresher
 
Advantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessAdvantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your Business
 

Deep Learning Tutorial | Deep Learning Tutorial for Beginners | Neural Networks | Edureka

  • 1. Deep Learning Using TensorFlow
  • 2. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Agenda • What Is Deep Learning? • How Deep Learning Works? • Single Layer Perceptron (Early Deep Learning Models) • Single Layer Perceptron Examples • Limitations Of Single Layer Perceptron • Multi Layer Perceptron • Multi Layer Perceptron Examples
  • 3. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Module 1 Module 2 Module 3 Module 4 Module 5 Module 6 Module 7 Course Outline Introduction to Deep Learning Fundamentals of Neural Networks Fundamentals of Deep Networks Introduction to TensorFlow Convolutional Neural Networks Recurrent Neural Networks RBM and Autoencoders
  • 4. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Session In A Minute Why Artificial Intelligence ? What is Artificial Intelligence? Subsets Of Artificial Intelligence Machine Learning to Deep Learning What is Deep Learning? Deep Learning Applications
  • 5. Copyright © 2017, edureka and/or its affiliates. All rights reserved. What Is Deep Learning? Dog Cat Dog Cat How will a machine identify Humans have seen so many dogs and cats, they can identify the difference between the two
  • 6. Copyright © 2017, edureka and/or its affiliates. All rights reserved. What Is Deep Learning? Training Input Image Feature extraction Machine Learning Model Predict what the object is
  • 7. Copyright © 2017, edureka and/or its affiliates. All rights reserved. What Is Deep Learning? Deep Learning skips the manual steps of extracting features, you can directly feed images to the deep learning algorithm, which then predicts the object. Input Image Learned Features 95% 3% 2% Predict what the object is
  • 8. Copyright © 2017, edureka and/or its affiliates. All rights reserved. How It Works?
  • 9. Copyright © 2017, edureka and/or its affiliates. All rights reserved. How Deep Learning Works? Deep learning is a form of machine learning that uses a model of computing that's very much inspired by the structure of the brain, so lets understand that first. Neuron Dendrite: Receives signals from other neurons Cell Body: Sums all the inputs Axon: It is used to transmit signals to the other cells
  • 10. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Why We Need Artificial Neurons? We can understand this with an example
  • 11. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Why We Need Artificial Neuron? I have a dataset about flowers. It includes:  Sepal Length  Sepal Width  Petal Length  Petal Width I want to classify the type of flower on the basis of this dataset.
  • 12. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Why We Need Artificial Neuron?
  • 13. Copyright © 2017, edureka and/or its affiliates. All rights reserved. We Need A System To Separate The Two Species
  • 14. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Why We Need Artificial Neuron? With the help of an Artificial Neuron we can separate the two species of flowers Artificial Neuron
  • 15. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Perceptron Learning Algorithm To get started, I'll explain a type of artificial neuron called a perceptron. X1 X2 X3 Xn W1 W2 W3 Wn Transfer Function Activation Function Schematic for a neuron in a neural net
  • 16. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Perceptron Learning Algorithm Initialize the weights and threshold 1 Wj – initial Weight
  • 17. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Perceptron Learning Algorithm Provide the input and calculate the output Initialize the weights and threshold 1 2 X – Input Y - Output
  • 18. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Perceptron Learning Algorithm Provide the input and calculate the output Initialize the weights and threshold Update the weights Repeat step 2 and 3 1 2 3 4 Wj (t+1) = Wj (t) + n (d-y) x Wj (t+1) – Updated Weight Wj (t) – Old Weight d – Desired Output y – Actual Output x - Input
  • 19. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Types Of Activation Functions
  • 20. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Activation Function Step Function Sigmoid Function Sign Function
  • 21. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Applications Of Single Layer Perceptron
  • 22. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Applications It is used to classify any linearly separable set of inputs. Error = 2 Error = 1 Error = 0
  • 23. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Applications It can be used to implement Logic Gates. OR X1 X2 Y 0 0 0 0 1 1 1 0 1 1 1 1 AND X1 X2 Y 0 0 0 0 1 0 1 0 0 1 1 1
  • 24. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Applications It can be used to implement Logic Gates. OR X1 X2 Y 0 0 0 0 1 1 1 0 1 1 1 1 t = 0.5 W = 1 W = 1 X1 X2 0 0 0 1 1 0 1 1 1 0 1 X1 X2
  • 25. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Applications It can be used to implement Logic Gates. X1 X2 Y 0 0 0 0 1 0 1 0 0 1 1 1 t = 1.5 W = 1 W = 1 X1 X2 0 0 0 1 1 0 1 1 1 0 1 X1 X2 AND
  • 26. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Single Layer Perceptron – Use Case Let's now see how to implement a single layer neural network for an image classification problem using TensorFlow. MNIST Dataset 10,000 testing images55,000 training images
  • 27. Copyright © 2017, edureka and/or its affiliates. All rights reserved. What Is TensorFlow?
  • 28. Copyright © 2017, edureka and/or its affiliates. All rights reserved. What Is Tensorflow?  Tensors are the standard way of representing data in deep learning.  Tensors are just multidimensional arrays, an extension of two-dimensional tables (matrices) to data with higher dimension. Tensor of dimensions[6] Tensor of dimensions[6,4] Tensor of dimensions[6,4,2]
  • 29. Copyright © 2017, edureka and/or its affiliates. All rights reserved. What Is Tensorflow? In Tensorflow, computation is approached as a dataflow graph Tensor Flow 3.2 -1.4 5.1 … -1.0 -2 2.4 … … … … … … … … … Matmul W X Add Relu B
  • 30. Copyright © 2017, edureka and/or its affiliates. All rights reserved. TensorFlow Code Basics
  • 31. Copyright © 2017, edureka and/or its affiliates. All rights reserved. TensorFlow Code Basics TensorFlow Core programs consists of two discrete sections: Building a computational graph Running a computational graph
  • 32. Copyright © 2017, edureka and/or its affiliates. All rights reserved. TensorFlow Code Basics A computational graph is a series of TensorFlow operations arranged into a graph of nodes  Let's build a simple computational graph.  Each node takes zero or more tensors as inputs and produces a tensor as an output. import tensorflow as tf node1 = tf.constant(3.0, tf.float32) node2 = tf.constant(4.0) print(node1, node2) Building a computational graph Constant nodes
  • 33. Copyright © 2017, edureka and/or its affiliates. All rights reserved. TensorFlow Code Basics  To actually evaluate the nodes, we must run the computational graph within a session.  A session encapsulates the control and state of the TensorFlow runtime. sess = tf.Session() print(sess.run([node1, node2])) Running a computational graph It always produces a constant result
  • 34. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Tensorflow Example import tensorflow as tf a = tf.constant(5) b = tf.constant(2) c = tf.constant(3) d = tf.multiply(a,b) e = tf.add(c,b) f = tf.subtract(d,e) sess = tf.Session() outs = sess.run(f) sess.close() print ("outs = {}".format(outs)) c b a e d f 3 2 2 5 Const Const Const Add Mul 5 10 5 Sub
  • 35. Copyright © 2017, edureka and/or its affiliates. All rights reserved. TensorFlow Code Basics  A graph can be parameterized to accept external inputs, known as placeholders.  A placeholder is a promise to provide a value later. import tensorflow as tf a = tf.placeholder(tf.float32) b = tf.placeholder(tf.float32) adder_node = a + b sess = tf.Session() print(sess.run(adder_node, {a: [1,3], b: [2, 4]})) Placeholder
  • 36. Copyright © 2017, edureka and/or its affiliates. All rights reserved. TensorFlow Code Basics  To make the model trainable, we need to be able to modify the graph to get new outputs with the same input. Variables allow us to add trainable parameters to a graph. import tensorflow as tf W = tf.Variable([.3], tf.float32) b = tf.Variable([-.3], tf.float32) x = tf.placeholder(tf.float32) linear_model = W * x + b init = tf.global_variables_initializer() sess = tf.Session() sess.run(init) print(sess.run(linear_model, {x:[1,2,3,4]})) We've created a model, but we don't know how good it is yet
  • 37. Copyright © 2017, edureka and/or its affiliates. All rights reserved. What Is A Computational Graph? A loss function measures how far apart the current model is from the provided data. To evaluate the model on training data, we need a y i.e. a placeholder to provide the desired values, and we need to write a loss function. We'll use a standard loss model for linear regression. (linear_model – y ) creates a vector where each element is the corresponding example's error delta. tf.square is used to square that error. tf.reduce_sum is used to sum all the squared error. y = tf.placeholder(tf.float32) squared_deltas = tf.square(linear_model - y) loss = tf.reduce_sum(squared_deltas) print(sess.run(loss, {x:[1,2,3,4], y:[0,-1,-2,-3]}))
  • 38. Copyright © 2017, edureka and/or its affiliates. All rights reserved. TensorFlow Code Basics TensorFlow provides optimizers that slowly change each variable in order to minimize the loss function optimizer = tf.train.GradientDescentOptimizer(0.01) train = optimizer.minimize(loss) sess.run(init) for i in range(1000): sess.run(train, {x:[1,2,3,4], y:[0,-1,-2,-3]}) print(sess.run([W, b]))
  • 39. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Limitations Of Sigle Layer Perceptron
  • 40. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Limitations Of Single Layer Perceptron Let us understand this with an example: How can I implement an XOR gate using Single Layer Perceptron? X1 X2 Y 0 0 0 0 1 1 1 0 1 1 1 0 XOR
  • 41. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Limitations Of Single Layer Perceptron Now, how will I separate the two set of outputs? Can we use two neurons? For Solving this problem, a Multilayer Perceptron with backpropagation can be used
  • 42. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Multilayer Perceptron A Multi-layer Perceptron has the same structure of a single layer perceptron but with one or more hidden layers and is thus considered a deep neural network. 𝑥1 𝑥2 𝑥3 𝑦1 𝑦2 𝑦3 𝑧 bias bias 𝑥1 𝑥2 𝑥 𝑛 𝑤1 𝑤2 𝑤 𝑛 𝒇(𝒔)𝑺 Summation: 𝑺 = 𝑤𝑖 ∗ 𝑥1 𝑖 = 1 𝑛 Transformation:
  • 43. Copyright © 2017, edureka and/or its affiliates. All rights reserved. How It Works? • The weights between the units are the primary means of long-term information storage in neural networks • Updating the weights is the primary way the neural network learns new information Class1 Class2 A set of inputs is passed to the first hidden layer, the activations from that layer are passed to the next layer and so on, until you reach the output layer
  • 44. Copyright © 2017, edureka and/or its affiliates. All rights reserved. What Is Backpropagation? Leads generated from various sources Classify the leads on the basis of priority Input Layer Hidden Layer Output Layer
  • 45. Copyright © 2017, edureka and/or its affiliates. All rights reserved. What Is Backpropagation? In order to classify the leads on the basis of priorities, we need to provide the maximum weight to the most important lead. For that we can calculate the difference between the actual output and the desired output. According to that difference we can update the weights. The Backpropagation algorithm is a supervised learning method for Multilayer Perceptron.
  • 46. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Backpropagation – Learning Algorithm
  • 47. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Backpropagation – Learning Algorithm i1 i2 h1 h2 o2 o1 1 1 b1 .35 b2 .60 .10 .05 .15 w1 .20 w2 .25 w3 .55 w8 .50 w7 .45 w6 .40 w5 .01 .99..30 w4 Consider the following neural network with: • two inputs • two hidden neurons • two output neurons • two biases
  • 48. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Backpropagation – Learning Algorithm net h1 = w1*i1 + w2*i2 + b1*1 net h1 = 0.15*0.05 + 0.2*0.1 + 0.35*1 = 0.3775 Net Input For h1: Output Of h1: out h1 = 1/1+e-net h1 1/1+e = 0.593269992 .3775 Output Of h2: out h2 = 0.596884378
  • 49. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Backpropagation – Learning Algorithm We repeat this process for the output layer neurons, using the output from the hidden layer neurons as inputs. Output For o1: net o1 = w5*out h1 + w6*out h2 + b2*1 0.4*0.593269992 + 0.45*0.596884378 + 0.6*1 = 1.105905967 Out o1 = 1/1+e-net o1 1/1+e = 0.75136507-1.105905967 Output For o2: Out o2 = 0.772928465
  • 50. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Backpropagation – Learning Algorithm Error For o1: E o1 = Σ1/2 𝑡𝑎𝑟𝑔𝑒𝑡 − 𝑜𝑢𝑡𝑝𝑢𝑡 2 ½ (0.01 – 0.75136507)2 = 0.274811083 Error For o2: E o2 = 0.023560026 Total Error: Etotal = E o1 + E o2 0.274811083 + 0.023560026 = 0.298371109
  • 51. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Backpropagation – Learning Algorithm Update each of the weights in the network so that they cause the actual output to be closer the target output. Consider w5, we will calculate the change in total error w.r.t w5: 𝛿𝐸𝑡𝑜𝑡𝑎𝑙 𝛿𝑤5 𝛿𝐸𝑡𝑜𝑡𝑎𝑙 𝛿𝑤5 = 𝛿𝐸𝑡𝑜𝑡𝑎𝑙 𝛿𝑜𝑢𝑡 𝑜1 * 𝛿𝑜𝑢𝑡 𝑜1 𝛿𝑛𝑒𝑡 𝑜1 𝛿𝑛𝑒𝑡 𝑜1 𝛿𝑤5 * net o1 out o1 E totalout h1 1 out h2 w5 w6 b2
  • 52. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Backpropagation – Learning Algorithm How much does the total error change with respect to the output? Etotal = 1/2(target o1 – out o1)2 + 1/2(target o2 − out o2)2 𝛿𝐸𝑡𝑜𝑡𝑎𝑙 𝛿𝑜𝑢𝑡 𝑜1 = -(target o1 – out o1) = -(0.01 – 0.75136507) = 0.74136507 How much does the output o1 change w.r.t its total net input? out o1 = 1/1+e−𝑛𝑒𝑡𝑜1 𝛿𝑜𝑢𝑡 𝑜1 𝛿𝑛𝑒𝑡 𝑜1 = out o1 (1 - out o1) = 0.75136507 (1 – 0.75136507) = 0.186815602
  • 53. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Backpropagation – Learning Algorithm How much does the total net input of o1 changes w.r.t w5? net o1 = w5 * out h1 + w6 * out h2 + b2 * 1 𝛿𝑛𝑒𝑡 𝑜1 𝛿𝑤5 = 1 * out h1 𝑤5(1−1) + 0 + 0 = 0.593269992 Putting all these values together 𝛿𝐸𝑡𝑜𝑡𝑎𝑙 𝛿𝑤5 = 𝛿𝐸𝑡𝑜𝑡𝑎𝑙 𝛿𝑜𝑢𝑡 𝑜1 * 𝛿𝑜𝑢𝑡 𝑜1 𝛿𝑛𝑒𝑡 𝑜1 𝛿𝑛𝑒𝑡 𝑜1 𝛿𝑤5 * 0.082167041
  • 54. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Backpropagation – Learning Algorithm Decrease The Error: w5+ = w5 – n w5+ = 0.4 – 0.5 * 0.082167041 𝛿𝐸𝑡𝑜𝑡𝑎𝑙 𝛿𝑤5 Similarly, we can calculate the other weights as well. Updated w5 0.35891648
  • 55. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Multilayer Perceptron Use-Case We will take the same MNIST dataset. By using Multilayer Perceptron the efficiency can be increased. Input Image (28x28) Filter Weights (5x5 pixels) (14x14 pixels) (16 channels) (7x7 pixels) (36 channels) Filter-Weights (5x5 pixels) 16 of these … 0.0 0.0 0.1 0.0 0.0 0.1 0.0 0.8 0.0 0.0 0 1 2 3 4 5 6 7 8 9 Fully-Connected Layer Output Layer Class Convolutional Layer 1 Convolutional Layer 2 (128 features) (10 features)
  • 56. Copyright © 2017, edureka and/or its affiliates. All rights reserved. Multi-Layer Perceptron What Is Deep Learning How Deep Learning Works? Single Layer Perceptron Introduction To TensorFlow Limitations Of Sigle Layer Perceptron Multi Layer Perceptron