SlideShare a Scribd company logo
Deep Learning With Python | Deep Learning And Neural Networks | Deep Learning Tutorial | Simplilearn
Deep Learning is used to train
robots to perform human tasks
Building Robots
Music composition
Deep Neural Nets can be used to produce
music by making computers learn the
patterns involved in composing music
Image Colorization
Neural network recognises objects and
uses information from the images to
colour them
Machine Translation
Google translate is one
such popular Machine
translators you may have
come across
Given a word, phrase or a sentence in one
language, neural networks automatically
translate them into another language
What’s in it for you?
01
03
05
07
09
02
04
06
08
10
What is Deep Learning? Biological versus
Artificial intelligence
What is a Neural
Network?
Activation function
Cost function
How do Neural Networks
work?
How do Neural
Networks learn?
Implementing the Neural
Network
Gradient descent Deep learning platforms
Introduction to
TensorFlow
Implementation in
TensorFlow
11 12
What is Deep Learning?
Deep Learning is a subfield of Machine Learning that deals with algorithms inspired
by the structure and function of the brain
Artificial Intelligence Ability of a machine to imitate
intelligent human behavior
Machine
Learning
Deep
Learning
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
Biological Neuron vs Artificial Neuron
Dendrites fetch information from adjacent
neurons and pass them on as inputs
The data is fed as input to the neuron
Biological Neuron vs Artificial Neuron
The cell nucleus processes the information
received from the dendrites
The neuron processes the information
provided as input
Biological Neuron vs Artificial Neuron
Axons are the cables over which the
information is transmitted
The information is transferred over weighted
channels
Biological Neuron vs Artificial Neuron
Synapses receive the information from the axons
and transmit it to the adjacent neurons
The output is the final value predicted by the
artificial neuron
What is a Neural Network?
We feed an unlabeled image to a machine which identifies it without any human
intervention
What is a Neural Network?
This machine is intelligent enough to differentiate between the various shapes
What is a Neural Network?
Neural networks provides this capability
What is a Neural Network?
A neural network is a system modeled on the human brain
What is a Neural Network?
inputs
outputneuron
A neural network is a system modeled on the human brain
Inputs are fed to a neuron, that processes the data and gives an output
What is a Neural Network?
inputs
outputneuron
This is the most basic structure of a neural network, known as a perceptron
A neural network is a system modeled on the human brain
What is a Neural Network?
Let’s start with visualising a neural network as a black box
However, neural networks are usually much more complex
outputinput
However, neural networks are usually much more complex
What is a Neural Network?
square
The box takes inputs, processes them and gives an output
However, neural networks are usually much more complex
What is a Neural Network?
square
The box takes inputs, processes them and gives an output
Let’s have a look at what
happens within this box
However, neural networks are usually much more complex
What is a Neural Network?
Within the box, exists a network that is the core of deep learning
neuron
layer
However, neural networks are usually much more complex
What is a Neural Network?
The network consists of layers of neurons
neuron
layer
However, neural networks are usually much more complex
What is a Neural Network?
Each neuron is associated with a number called the bias
neuron
layer
b1
b2
b3
b4
However, neural networks are usually much more complex
What is a Neural Network?
Neurons of each layer transmit information to neurons of the next layer
over channels
neuron
However, neural networks are usually much more complex
What is a Neural Network?
These channels are associated with numbers called weights
neuron
w1
w2
w3
w4
However, neural networks are usually much more complex
What is a Neural Network?
These weights along with the biases determine the information that is
passed over from neuron to neuron
neuron
w1
w2
w3
w4
However, neural networks are usually much more complex
What is a Neural Network?
neuron
Neurons of each layer transmit information to neurons of the next layer
However, neural networks are usually much more complex
What is a Neural Network?
neuron
Neurons of each layer transmit information to neurons of the next layer
However, neural networks are usually much more complex
What is a Neural Network?
neuron
Neurons of each layer transmit information to neurons of the next layer
However, neural networks are usually much more complex
What is a Neural Network?
neuron
square
Neurons of each layer transmit information to neurons of the next layer
However, neural networks are usually much more complex
What is a Neural Network?
neuron
square
The output layer emits a predicted output
However, neural networks are usually much more complex
What is a Neural Network?
neuron
square
The output is emitted by the only active neuron in the final layer
Let’s now go deeper.
What happens within the
neuron?
Activation Function
Within each neuron the following operations are
performed:
Activation Function
Within each neuron the following operations are
performed:
• The product of each input and the weight of the
channel it’s passed over is found
Activation Function
Within each neuron the following operations are
performed:
• The product of each input and the weight of the
channel it’s passed over is found
• Sum of the weighted products is computed. This is
called the weighted sum
Activation Function
Within each neuron the following operations are
performed:
• The product of each input and the weight of the
channel it’s passed over is found
• Sum of the weighted products is computed. This is
called the weighted sum
• Bias unique to the neuron is added to the weighted
sum
Activation Function
Within each neuron the following operations are
performed:
• The product of each input and the weight of the
channel it’s passed over is found
• Sum of the weighted products is computed. This is
called the weighted sum
• Bias unique to the neuron is added to the weighted
sum
• The final sum is then subjected to a particular
function
Activation Function
Within each neuron the following operations are
performed:
• The product of each input and the weight of the
channel it’s passed over is found
• Sum of the weighted products is computed. This is
called the weighted sum
• Bias unique to the neuron is added to the weighted
sum
• The final sum is then subjected to a particular
function
• The final sum is then subjected to a particular
function
This is the activation function
Activation Function
Within each neuron the following operations are
performed:
• The product of each input and the weight of the
channel it’s passed over is found
• Sum of the weighted products is computed. This is
called the weighted sum
• Bias unique to the neuron is added to the weighted
sum
• The final sum is then subjected to a particular
function
• The final sum is then subjected to a particular
function
This is the activation function
But what happens within these neurons?∑xiwi
Bias
x1
x2
x3
Output
An activation function takes the “weighted sum of input” as its input, adds a bias and
provides an output
Activation Function
Within each neuron the following operations are
performed:
• The product of each input and the weight of the
channel it’s passed over is found
• Sum of the weighted products is computed. This is
called the weighted sum
• Bias unique to the neuron is added to the weighted
sum
• The final sum is then subjected to a particular
function
• The final sum is then subjected to a particular
function
This is the activation function
But what happens within these neurons?
Here are the most popular types of activation function
∑xiwi
Bias
x1
x2
x3
Output
Sigmoid Function Threshold Function Rectifier Function
Hyperbolic Tangent
Function
Activation Function
Sigmoid Function Used for models where we have to predict the
probability as an output. It exists between 0
and 1
(X)=
1
1 + e-x
i=1
n
w x
i i*
0
1
Y
(X)=
1
1 + e-x
Activation Function
Sigmoid Function It is a threshold based activation function. If X
value is greater than a certain value, the
function is activated and fired else not
Threshold Function
(X)=
1, if x>=0
0, if x<0(
(
i=1
n
w x
i i*
0
1
Y
(X)=
1, if x>=0
0, if x<0( )
X
Activation Function
Sigmoid Function It is the most widely used activation function
and gives an output of X if X is positive and 0
otherwise
Threshold Function
Rectifier Function
(X) = max(X,0)
i=1
n
w x
i i*
0
1
Y
(X) = max(X,0)
Activation Function
Sigmoid Function This function is similar to Sigmoid function
and is bound to range (-1, 1)
Threshold Function
Rectifier Function
Hyperbolic Tangent
Function
(X)=
1 + e-2x
1 - e -2x
0
1
Y
(X)=
1 - e
1 + e-2x
i=1
n
w x
i i*
-
1
-2x
Cost Function
The Cost value is the difference between the neural nets predicted output and the actual
output from a set of labeled training data
inputs
Predicted outputneuron Actual output
y^ y
Cost Function
The Cost value is the difference between the neural nets predicted output and the actual
output from a set of labeled training data
The least cost value is obtained by making adjustments to the weights and biases
iteratively throughout the training process
inputs
Predicted outputneuron Actual output
y^ y
How do Neural Networks work?
But what happens within these neurons?
How do Neural Networks work?
x1
x2
x3
Input layer
cc
mileage
ABS
Let’s build a neural network to predict bike price based on few of its
features
How do Neural Networks work?
x1
x2
x3
Input layer
Bike pricey
Output Layer
^mileage
ABS
cc
How do Neural Networks work?
x1
x2
x3
Input layer
y
Hidden Layer
Bike price
The hidden layer helps in improving the output accuracy
Output Layer
^mileage
ABS
cc
How do Neural Networks work?
x1
x2
x3
Input layer
y
Hidden Layer
w
1
w2
Each of the connections have a weight assigned with it
Output Layer
^mileage
ABS
cc
Bike price
Output Layer
How do Neural Networks work?
x1
x2
x3
Input layer
y
Hidden Layer
w
1
w2
Step 1: x1*w1 + x2*w2 + b1
Step 2: Φ(x1* w1 + x2*w2 + b1)
where Φ is an activation function
The neuron takes a subset of the inputs and processes it
mileage
ABS
cc
b1
How do Neural Networks work?
x1
x2
x3
Input layer
y
Hidden Layer
w3
w4
Output Layer
^mileage
ABS
cc
Bike price
b2
How do Neural Networks work?
x1
x2
x3
Input layer
y
Hidden Layer
w5
w6
Output Layer
^mileage
ABS
cc
Bike price
b3
How do Neural Networks work?
x1
x2
x3
Input layer
y
Hidden Layer
w8
w9
w7
Output Layer
^mileage
ABS
cc
Bike price
b4
How do Neural Networks work?
x1
x2
x3
Input layer
y
Hidden Layer
Output Layer
^mileage
ABS
cc
Bike price
How do Neural Networks work?
x1
x2
x3
Input layer
y
Hidden Layer
Output Layer
^mileage
ABS
cc
The information reaching the neuron’s in the hidden layer is subjected to the respective
activation function
Bike price
How do Neural Networks work?
x1
x2
x3
Input layer
y
Hidden Layer
The processed information is now sent to the output layer, once again, over weighted
channels
Output Layer
^
w10
w11
w12
w13
mileage
ABS
cc
Bike price
How do Neural Networks learn?
x1
x2
x3
Input layer
y
Hidden Layer
y
C=1/2(Y-Y)2
The output, which is the predicted value is compared against the original value
Output Layer
^
^
mileage
ABS
cc
Bike price
How do Neural Networks learn?
x1
x2
x3
Input layer
y
Hidden Layer
y
C=1/2(Y-Y)2
A cost function determines the error in prediction and reports it back to the neural network
Output Layer
^
^
mileage
ABS
cc
Bike price
How do Neural Networks learn?
x1
x2
x3
Input layer
y
Hidden Layer
y
C=1/2(Y-Y)2
This is called back propagation
Output Layer
^
^
mileage
ABS
cc
Bike price
How do Neural Networks learn?
x1
x2
x3
Input layer
y
Hidden Layer
y
C=1/2(Y-Y)2
w1’
w2’
The weights are adjusted in order to reduce the error
Output Layer
^
^
mileage
ABS
cc
Bike price
How do Neural Networks learn?
x1
x2
x3
Input layer
y
Hidden Layer
y
C=1/2(Y-Y)2
w1’
w2’
The network is now trained using the new weights
Output Layer
^
^
w10’
w11’
w12’
w13’
mileage
ABS
cc
Bike price
How do Neural Networks learn?
x1
x2
x3
Input layer
y
Hidden Layer
y
C=1/2(Y-Y)2
w1’
w2’
Once again, the cost is determined and back propagation is continued until the cost
cannot be reduced any further
Output Layer
^
^
mileage
ABS
cc
Bike price
Implementing the neural network
x1
x2
x3
Input layer
y
Hidden Layer
Let’s plug in values and see how our neural network works
Output Layer
^mileage
ABS
cc
Bike price
Implementing the neural network
x1
x2
x3
Input layer
y
Hidden Layer
Initially, our channels are assigned with random weights
w1
w2
Output Layer
^mileage
ABS
cc
Bike price
Implementing the neural network
x1
x2
x3
Input layer
y
Hidden Layer
Our first neuron takes the value of mileage and cc as inputs
w1
w2
Computation
• n1 = Φ(7.41*w1+3.51*w2
+b1)
Output Layer
^mileage
ABS
cc
Bike price
Implementing the neural network
x1
x2
x3
Input layer
y
Hidden Layer
Similarly, each of the neurons take a different combination of inputs
w4
Computation
• n1 = Φ(7.41*w1+3.51*w2
+b1)
• n2 = Φ(7.4*w3+9.4*w4
+b2)
w3
Output Layer
^mileage
ABS
cc
Bike price
Implementing the neural network
x1
x2
x3
Input layer
y
Hidden Layer
Computation
• n1 = Φ(7.41*w1+3.51*w2
+b1)
• n2 = Φ(7.4*w3+9.4*w4
+b2)
• n3 = Φ(3.51*w5+9.4*w6
+b3)
w5
w6
Output Layer
^mileage
ABS
cc
Bike price
Implementing the neural network
x1
x2
x3
Input layer
y
Hidden Layer
Computation
• n1 = Φ(7.41*w1+3.51*w2
+b1)
• n2 = Φ(7.4*w3+9.4*w4
+b2)
• n3 = Φ(3.51*w5+9.4*w6
+b3)
• n4 = Φ(7.4*w7+3.51*w8+
9.4*w9 +b4)
w7
w8
w9 Output Layer
^mileage
ABS
cc
Bike price
Implementing the neural network
x1
x2
x3
Input layer
y
Hidden Layer
Output Layer
Computation
n1
n2
n3
n4
The processed value from each neuron is sent to the output layer over weighted
channels
^mileage
ABS
cc
• n1 = Φ(7.41*w1+3.51*w2
+b1)
• n2 = Φ(7.4*w3+9.4*w4
+b2)
• n3 = Φ(3.51*w5+9.4*w6
+b3)
• n4 = Φ(7.4*w7+3.51*w8+
9.4*w9 +b4)
Bike price
Implementing the neural network
x1
x2
x3
Input layer
y
Hidden Layer
Output Layer
n1
n2
n3
n4
^
Once again, the values are subjected to an activation function and a single value is
emitted as the output
mileage
ABS
cc
Implementing the neural network
x1
x2
x3
Input layer
y
Hidden Layer
Output Layer
n1
n2
n3
n4
On comparing the predicted value to the actual value, we clearly see that our network
requires training
$2000
y $4000
^mileage
ABS
cc
Bike price
Implementing the neural network
x1
x2
x3
Input layer
y
Hidden Layer
Output Layer
The cost function is calculated, and back propagation takes place
y
C=1/2(Y-Y)2^
^mileage
ABS
cc
$2000
$4000
Bike price
Implementing the neural network
x1
x2
x3
Input layer
y
Hidden Layer
Output Layer
Based on the value of the cost function, certain weights are changed
y
C=1/2(Y-Y)2^
^w5’
w6’
mileage
ABS
cc
$2000
$4000
Bike price
Implementing the neural network
x1
x2
x3
Input layer
y
Hidden Layer
Output Layer
The values are once again processed using these new weights at the neuron
y
C=1/2(Y-Y)2^
^w5’
w6’
mileage
ABS
cc
$2000
$4000
Bike price
Implementing the neural network
x1
x2
x3
Input layer
y
Hidden Layer
Output Layer
Our neural network is considered trained when the value for the cost function is minimum
y
C=1/2(Y-Y)2^
^w5’
w6’
n1’
n2’
n3’
n4’
mileage
ABS
cc
$4000
$4000
Bike price
Gradient Descent
But what approach do we take to
minimise the cost function?
Gradient Descent
C
Y^
C=1/2(Y-Y)2
Let’s start with plotting the cost function against the predicted value
^
Gradient Descent
C
Y^
C=1/2(Y-Y)2
Let’s start with plotting the cost function against the predicted value
^
Gradient Descent
C
Y^
C=1/2(Y-Y)2^
Gradient Descent
C
Y^
C=1/2(Y-Y)2^
Gradient Descent
C
Y^
C=1/2(Y-Y)2^
Gradient Descent
C
Y^
C=1/2(Y-Y)2^
Gradient Descent
And with that, we have all the right
weights and we can say our network is
trained
Deep Learning Platforms
Torch
KerasTensorFlow
DeepLearning4J
(java)
Introduction to TensorFlow
TensorFlow is an open source tool used to define and run computations on tensors
TensorFlow is an open source tool used to define and run computations on tensors
Introduction to TensorFlow
What are tensors?
Introduction to TensorFlow
Tensors are just another name for arrays
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
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
Implementation in TensorFlow
Let’s build a neural network to identify hand written digits using MNIST Database.
Hand written digits
from MNIST Database
MNIST: Modified National Institute of Standards and
Technology Database
It has a collection of 70,000 handwritten digits
Digit labels identify each of the digits from 0 to 9
Implementation in TensorFlow
Hand written digits
from MNIST Database
The dataset is used to
train the machine
A new image of a digit
is fed
The digit is identified
3
Deep Learning With Python | Deep Learning And Neural Networks | Deep Learning Tutorial | Simplilearn

More Related Content

What's hot (20)

PDF
Convolutional Neural Network Models - Deep Learning
Mohamed Loey
 
PPTX
What is Deep Learning?
NVIDIA
 
PDF
Introduction to Deep learning
Massimiliano Ruocco
 
PDF
Machine Learning Course | Edureka
Edureka!
 
PPTX
Introduction to Deep learning
leopauly
 
PPTX
Introduction to Transformer Model
Nuwan Sriyantha Bandara
 
PDF
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
Simplilearn
 
PDF
Deep Learning
Shaikh Shahzad
 
PPTX
1.Introduction to deep learning
KONGU ENGINEERING COLLEGE
 
PPTX
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Simplilearn
 
PPTX
Unsupervised learning
amalalhait
 
PDF
Deep learning - A Visual Introduction
Lukas Masuch
 
PPTX
Convolutional Neural Networks
Ashray Bhandare
 
PDF
Naive Bayes
CloudxLab
 
PDF
Training Neural Networks
Databricks
 
PPTX
Word embeddings, RNN, GRU and LSTM
Divya Gera
 
PDF
ViT (Vision Transformer) Review [CDM]
Dongmin Choi
 
PPTX
Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...
Simplilearn
 
PDF
An introduction to Deep Learning
Julien SIMON
 
Convolutional Neural Network Models - Deep Learning
Mohamed Loey
 
What is Deep Learning?
NVIDIA
 
Introduction to Deep learning
Massimiliano Ruocco
 
Machine Learning Course | Edureka
Edureka!
 
Introduction to Deep learning
leopauly
 
Introduction to Transformer Model
Nuwan Sriyantha Bandara
 
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
Simplilearn
 
Deep Learning
Shaikh Shahzad
 
1.Introduction to deep learning
KONGU ENGINEERING COLLEGE
 
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Simplilearn
 
Unsupervised learning
amalalhait
 
Deep learning - A Visual Introduction
Lukas Masuch
 
Convolutional Neural Networks
Ashray Bhandare
 
Naive Bayes
CloudxLab
 
Training Neural Networks
Databricks
 
Word embeddings, RNN, GRU and LSTM
Divya Gera
 
ViT (Vision Transformer) Review [CDM]
Dongmin Choi
 
Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...
Simplilearn
 
An introduction to Deep Learning
Julien SIMON
 

Similar to Deep Learning With Python | Deep Learning And Neural Networks | Deep Learning Tutorial | Simplilearn (20)

PDF
Artificial neural network paper
AkashRanjandas1
 
PPT
UNIT 5-ANN.ppt
Sivam Chinna
 
PDF
Deep learning
Kuppusamy P
 
PPTX
Artificial Neural Networks_chapter_4_part_2.pptx
Getnetedegemu
 
PPTX
UNIT-3 .PPTX
BobyBhagora
 
PPTX
3 НЕЙРОННЫЕ СЕТИ КАК СОСТАВНЫЕ ЭЛЕМЕНТЫ ГЛУБОКОГО ОБУЧЕНИЯ.pptx
MuhdQawiem1
 
PDF
Analytical and Systematic Study of Artificial Neural Network
IRJET Journal
 
PPTX
ANN.pptx
AROCKIAJAYAIECW
 
PPTX
Introduction to Neural Networks By Simon Haykins
haribabuj5
 
PPTX
Reason To Switch to DNNDNNs excel in handling huge volumes of data (e.g., ima...
SrideviPcSenthilkuma
 
PPTX
IAI - UNIT 3 - ANN, EMERGENT SYSTEMS.pptx
xilep87615
 
PDF
Unit 6: Application of AI
Tekendra Nath Yogi
 
PDF
DeepLearning.pdf
MunimAkhtarChoudhury
 
PPTX
SujanKhamrui_28100119050.pptx
PrakasBhowmik
 
PPTX
Neural Networks and its related Concepts
SAMPADABHONDE1
 
PDF
Artificial neural networks
arjitkantgupta
 
PDF
What are neural networks.pdf
AnastasiaSteele10
 
PDF
What are neural networks.pdf
StephenAmell4
 
PDF
What are neural networks.pdf
StephenAmell4
 
Artificial neural network paper
AkashRanjandas1
 
UNIT 5-ANN.ppt
Sivam Chinna
 
Deep learning
Kuppusamy P
 
Artificial Neural Networks_chapter_4_part_2.pptx
Getnetedegemu
 
UNIT-3 .PPTX
BobyBhagora
 
3 НЕЙРОННЫЕ СЕТИ КАК СОСТАВНЫЕ ЭЛЕМЕНТЫ ГЛУБОКОГО ОБУЧЕНИЯ.pptx
MuhdQawiem1
 
Analytical and Systematic Study of Artificial Neural Network
IRJET Journal
 
ANN.pptx
AROCKIAJAYAIECW
 
Introduction to Neural Networks By Simon Haykins
haribabuj5
 
Reason To Switch to DNNDNNs excel in handling huge volumes of data (e.g., ima...
SrideviPcSenthilkuma
 
IAI - UNIT 3 - ANN, EMERGENT SYSTEMS.pptx
xilep87615
 
Unit 6: Application of AI
Tekendra Nath Yogi
 
DeepLearning.pdf
MunimAkhtarChoudhury
 
SujanKhamrui_28100119050.pptx
PrakasBhowmik
 
Neural Networks and its related Concepts
SAMPADABHONDE1
 
Artificial neural networks
arjitkantgupta
 
What are neural networks.pdf
AnastasiaSteele10
 
What are neural networks.pdf
StephenAmell4
 
What are neural networks.pdf
StephenAmell4
 
Ad

More from Simplilearn (20)

PPTX
Top 50 Scrum Master Interview Questions | Scrum Master Interview Questions & ...
Simplilearn
 
PPTX
Bagging Vs Boosting In Machine Learning | Ensemble Learning In Machine Learni...
Simplilearn
 
PPTX
Future Of Social Media | Social Media Trends and Strategies 2025 | Instagram ...
Simplilearn
 
PPTX
SQL Query Optimization | SQL Query Optimization Techniques | SQL Basics | SQL...
Simplilearn
 
PPTX
SQL INterview Questions .pTop 45 SQL Interview Questions And Answers In 2025 ...
Simplilearn
 
PPTX
How To Start Influencer Marketing Business | Influencer Marketing For Beginne...
Simplilearn
 
PPTX
Cyber Security Roadmap 2025 | How To Become Cyber Security Engineer In 2025 |...
Simplilearn
 
PPTX
How To Become An AI And ML Engineer In 2025 | AI Engineer Roadmap | AI ML Car...
Simplilearn
 
PPTX
What Is GitHub Copilot? | How To Use GitHub Copilot? | How does GitHub Copilo...
Simplilearn
 
PPTX
Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...
Simplilearn
 
PPTX
Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...
Simplilearn
 
PPTX
Top 7 High Paying AI Certifications Courses For 2025 | Best AI Certifications...
Simplilearn
 
PPTX
Data Cleaning In Data Mining | Step by Step Data Cleaning Process | Data Clea...
Simplilearn
 
PPTX
Top 10 Data Analyst Projects For 2025 | Data Analyst Projects | Data Analysis...
Simplilearn
 
PPTX
AI Engineer Roadmap 2025 | AI Engineer Roadmap For Beginners | AI Engineer Ca...
Simplilearn
 
PPTX
Machine Learning Roadmap 2025 | Machine Learning Engineer Roadmap For Beginne...
Simplilearn
 
PPTX
Kotter's 8-Step Change Model Explained | Kotter's Change Management Model | S...
Simplilearn
 
PPTX
Gen AI Engineer Roadmap For 2025 | How To Become Gen AI Engineer In 2025 | Si...
Simplilearn
 
PPTX
Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...
Simplilearn
 
PPTX
Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...
Simplilearn
 
Top 50 Scrum Master Interview Questions | Scrum Master Interview Questions & ...
Simplilearn
 
Bagging Vs Boosting In Machine Learning | Ensemble Learning In Machine Learni...
Simplilearn
 
Future Of Social Media | Social Media Trends and Strategies 2025 | Instagram ...
Simplilearn
 
SQL Query Optimization | SQL Query Optimization Techniques | SQL Basics | SQL...
Simplilearn
 
SQL INterview Questions .pTop 45 SQL Interview Questions And Answers In 2025 ...
Simplilearn
 
How To Start Influencer Marketing Business | Influencer Marketing For Beginne...
Simplilearn
 
Cyber Security Roadmap 2025 | How To Become Cyber Security Engineer In 2025 |...
Simplilearn
 
How To Become An AI And ML Engineer In 2025 | AI Engineer Roadmap | AI ML Car...
Simplilearn
 
What Is GitHub Copilot? | How To Use GitHub Copilot? | How does GitHub Copilo...
Simplilearn
 
Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...
Simplilearn
 
Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...
Simplilearn
 
Top 7 High Paying AI Certifications Courses For 2025 | Best AI Certifications...
Simplilearn
 
Data Cleaning In Data Mining | Step by Step Data Cleaning Process | Data Clea...
Simplilearn
 
Top 10 Data Analyst Projects For 2025 | Data Analyst Projects | Data Analysis...
Simplilearn
 
AI Engineer Roadmap 2025 | AI Engineer Roadmap For Beginners | AI Engineer Ca...
Simplilearn
 
Machine Learning Roadmap 2025 | Machine Learning Engineer Roadmap For Beginne...
Simplilearn
 
Kotter's 8-Step Change Model Explained | Kotter's Change Management Model | S...
Simplilearn
 
Gen AI Engineer Roadmap For 2025 | How To Become Gen AI Engineer In 2025 | Si...
Simplilearn
 
Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...
Simplilearn
 
Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...
Simplilearn
 
Ad

Recently uploaded (20)

PDF
Introduction presentation of the patentbutler tool
MIPLM
 
PDF
Chapter-V-DED-Entrepreneurship: Institutions Facilitating Entrepreneurship
Dayanand Huded
 
PPTX
How to Create a Customer From Website in Odoo 18.pptx
Celine George
 
PPTX
How to Send Email From Odoo 18 Website - Odoo Slides
Celine George
 
PDF
Exploring the Different Types of Experimental Research
Thelma Villaflores
 
PDF
Horarios de distribución de agua en julio
pegazohn1978
 
PDF
Week 2 - Irish Natural Heritage Powerpoint.pdf
swainealan
 
PPTX
Light Reflection and Refraction- Activities - Class X Science
SONU ACADEMY
 
PDF
The History of Phone Numbers in Stoke Newington by Billy Thomas
History of Stoke Newington
 
PDF
Aprendendo Arquitetura Framework Salesforce - Dia 03
Mauricio Alexandre Silva
 
PDF
Biological Bilingual Glossary Hindi and English Medium
World of Wisdom
 
PDF
STATEMENT-BY-THE-HON.-MINISTER-FOR-HEALTH-ON-THE-COVID-19-OUTBREAK-AT-UG_revi...
nservice241
 
PDF
epi editorial commitee meeting presentation
MIPLM
 
PPTX
How to Manage Allocation Report for Manufacturing Orders in Odoo 18
Celine George
 
PPTX
Introduction to Indian Writing in English
Trushali Dodiya
 
PPTX
PPT-Q1-WK-3-ENGLISH Revised Matatag Grade 3.pptx
reijhongidayawan02
 
PDF
Governor Josh Stein letter to NC delegation of U.S. House
Mebane Rash
 
PDF
Stokey: A Jewish Village by Rachel Kolsky
History of Stoke Newington
 
PPTX
Nitrogen rule, ring rule, mc lafferty.pptx
nbisen2001
 
PPTX
Identifying elements in the story. Arrange the events in the story
geraldineamahido2
 
Introduction presentation of the patentbutler tool
MIPLM
 
Chapter-V-DED-Entrepreneurship: Institutions Facilitating Entrepreneurship
Dayanand Huded
 
How to Create a Customer From Website in Odoo 18.pptx
Celine George
 
How to Send Email From Odoo 18 Website - Odoo Slides
Celine George
 
Exploring the Different Types of Experimental Research
Thelma Villaflores
 
Horarios de distribución de agua en julio
pegazohn1978
 
Week 2 - Irish Natural Heritage Powerpoint.pdf
swainealan
 
Light Reflection and Refraction- Activities - Class X Science
SONU ACADEMY
 
The History of Phone Numbers in Stoke Newington by Billy Thomas
History of Stoke Newington
 
Aprendendo Arquitetura Framework Salesforce - Dia 03
Mauricio Alexandre Silva
 
Biological Bilingual Glossary Hindi and English Medium
World of Wisdom
 
STATEMENT-BY-THE-HON.-MINISTER-FOR-HEALTH-ON-THE-COVID-19-OUTBREAK-AT-UG_revi...
nservice241
 
epi editorial commitee meeting presentation
MIPLM
 
How to Manage Allocation Report for Manufacturing Orders in Odoo 18
Celine George
 
Introduction to Indian Writing in English
Trushali Dodiya
 
PPT-Q1-WK-3-ENGLISH Revised Matatag Grade 3.pptx
reijhongidayawan02
 
Governor Josh Stein letter to NC delegation of U.S. House
Mebane Rash
 
Stokey: A Jewish Village by Rachel Kolsky
History of Stoke Newington
 
Nitrogen rule, ring rule, mc lafferty.pptx
nbisen2001
 
Identifying elements in the story. Arrange the events in the story
geraldineamahido2
 

Deep Learning With Python | Deep Learning And Neural Networks | Deep Learning Tutorial | Simplilearn

  • 2. Deep Learning is used to train robots to perform human tasks Building Robots
  • 3. Music composition Deep Neural Nets can be used to produce music by making computers learn the patterns involved in composing music
  • 4. Image Colorization Neural network recognises objects and uses information from the images to colour them
  • 5. Machine Translation Google translate is one such popular Machine translators you may have come across Given a word, phrase or a sentence in one language, neural networks automatically translate them into another language
  • 6. What’s in it for you? 01 03 05 07 09 02 04 06 08 10 What is Deep Learning? Biological versus Artificial intelligence What is a Neural Network? Activation function Cost function How do Neural Networks work? How do Neural Networks learn? Implementing the Neural Network Gradient descent Deep learning platforms Introduction to TensorFlow Implementation in TensorFlow 11 12
  • 7. What is Deep Learning? Deep Learning is a subfield of Machine Learning that deals with algorithms inspired by the structure and function of the brain Artificial Intelligence Ability of a machine to imitate intelligent human behavior Machine Learning Deep Learning 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
  • 8. Biological Neuron vs Artificial Neuron Dendrites fetch information from adjacent neurons and pass them on as inputs The data is fed as input to the neuron
  • 9. Biological Neuron vs Artificial Neuron The cell nucleus processes the information received from the dendrites The neuron processes the information provided as input
  • 10. Biological Neuron vs Artificial Neuron Axons are the cables over which the information is transmitted The information is transferred over weighted channels
  • 11. Biological Neuron vs Artificial Neuron Synapses receive the information from the axons and transmit it to the adjacent neurons The output is the final value predicted by the artificial neuron
  • 12. What is a Neural Network? We feed an unlabeled image to a machine which identifies it without any human intervention
  • 13. What is a Neural Network? This machine is intelligent enough to differentiate between the various shapes
  • 14. What is a Neural Network? Neural networks provides this capability
  • 15. What is a Neural Network? A neural network is a system modeled on the human brain
  • 16. What is a Neural Network? inputs outputneuron A neural network is a system modeled on the human brain Inputs are fed to a neuron, that processes the data and gives an output
  • 17. What is a Neural Network? inputs outputneuron This is the most basic structure of a neural network, known as a perceptron A neural network is a system modeled on the human brain
  • 18. What is a Neural Network? Let’s start with visualising a neural network as a black box However, neural networks are usually much more complex outputinput
  • 19. However, neural networks are usually much more complex What is a Neural Network? square The box takes inputs, processes them and gives an output
  • 20. However, neural networks are usually much more complex What is a Neural Network? square The box takes inputs, processes them and gives an output Let’s have a look at what happens within this box
  • 21. However, neural networks are usually much more complex What is a Neural Network? Within the box, exists a network that is the core of deep learning neuron layer
  • 22. However, neural networks are usually much more complex What is a Neural Network? The network consists of layers of neurons neuron layer
  • 23. However, neural networks are usually much more complex What is a Neural Network? Each neuron is associated with a number called the bias neuron layer b1 b2 b3 b4
  • 24. However, neural networks are usually much more complex What is a Neural Network? Neurons of each layer transmit information to neurons of the next layer over channels neuron
  • 25. However, neural networks are usually much more complex What is a Neural Network? These channels are associated with numbers called weights neuron w1 w2 w3 w4
  • 26. However, neural networks are usually much more complex What is a Neural Network? These weights along with the biases determine the information that is passed over from neuron to neuron neuron w1 w2 w3 w4
  • 27. However, neural networks are usually much more complex What is a Neural Network? neuron Neurons of each layer transmit information to neurons of the next layer
  • 28. However, neural networks are usually much more complex What is a Neural Network? neuron Neurons of each layer transmit information to neurons of the next layer
  • 29. However, neural networks are usually much more complex What is a Neural Network? neuron Neurons of each layer transmit information to neurons of the next layer
  • 30. However, neural networks are usually much more complex What is a Neural Network? neuron square Neurons of each layer transmit information to neurons of the next layer
  • 31. However, neural networks are usually much more complex What is a Neural Network? neuron square The output layer emits a predicted output
  • 32. However, neural networks are usually much more complex What is a Neural Network? neuron square The output is emitted by the only active neuron in the final layer Let’s now go deeper. What happens within the neuron?
  • 33. Activation Function Within each neuron the following operations are performed:
  • 34. Activation Function Within each neuron the following operations are performed: • The product of each input and the weight of the channel it’s passed over is found
  • 35. Activation Function Within each neuron the following operations are performed: • The product of each input and the weight of the channel it’s passed over is found • Sum of the weighted products is computed. This is called the weighted sum
  • 36. Activation Function Within each neuron the following operations are performed: • The product of each input and the weight of the channel it’s passed over is found • Sum of the weighted products is computed. This is called the weighted sum • Bias unique to the neuron is added to the weighted sum
  • 37. Activation Function Within each neuron the following operations are performed: • The product of each input and the weight of the channel it’s passed over is found • Sum of the weighted products is computed. This is called the weighted sum • Bias unique to the neuron is added to the weighted sum • The final sum is then subjected to a particular function
  • 38. Activation Function Within each neuron the following operations are performed: • The product of each input and the weight of the channel it’s passed over is found • Sum of the weighted products is computed. This is called the weighted sum • Bias unique to the neuron is added to the weighted sum • The final sum is then subjected to a particular function • The final sum is then subjected to a particular function This is the activation function
  • 39. Activation Function Within each neuron the following operations are performed: • The product of each input and the weight of the channel it’s passed over is found • Sum of the weighted products is computed. This is called the weighted sum • Bias unique to the neuron is added to the weighted sum • The final sum is then subjected to a particular function • The final sum is then subjected to a particular function This is the activation function But what happens within these neurons?∑xiwi Bias x1 x2 x3 Output An activation function takes the “weighted sum of input” as its input, adds a bias and provides an output
  • 40. Activation Function Within each neuron the following operations are performed: • The product of each input and the weight of the channel it’s passed over is found • Sum of the weighted products is computed. This is called the weighted sum • Bias unique to the neuron is added to the weighted sum • The final sum is then subjected to a particular function • The final sum is then subjected to a particular function This is the activation function But what happens within these neurons? Here are the most popular types of activation function ∑xiwi Bias x1 x2 x3 Output Sigmoid Function Threshold Function Rectifier Function Hyperbolic Tangent Function
  • 41. Activation Function Sigmoid Function Used for models where we have to predict the probability as an output. It exists between 0 and 1 (X)= 1 1 + e-x i=1 n w x i i* 0 1 Y (X)= 1 1 + e-x
  • 42. Activation Function Sigmoid Function It is a threshold based activation function. If X value is greater than a certain value, the function is activated and fired else not Threshold Function (X)= 1, if x>=0 0, if x<0( ( i=1 n w x i i* 0 1 Y (X)= 1, if x>=0 0, if x<0( ) X
  • 43. Activation Function Sigmoid Function It is the most widely used activation function and gives an output of X if X is positive and 0 otherwise Threshold Function Rectifier Function (X) = max(X,0) i=1 n w x i i* 0 1 Y (X) = max(X,0)
  • 44. Activation Function Sigmoid Function This function is similar to Sigmoid function and is bound to range (-1, 1) Threshold Function Rectifier Function Hyperbolic Tangent Function (X)= 1 + e-2x 1 - e -2x 0 1 Y (X)= 1 - e 1 + e-2x i=1 n w x i i* - 1 -2x
  • 45. Cost Function The Cost value is the difference between the neural nets predicted output and the actual output from a set of labeled training data inputs Predicted outputneuron Actual output y^ y
  • 46. Cost Function The Cost value is the difference between the neural nets predicted output and the actual output from a set of labeled training data The least cost value is obtained by making adjustments to the weights and biases iteratively throughout the training process inputs Predicted outputneuron Actual output y^ y
  • 47. How do Neural Networks work? But what happens within these neurons?
  • 48. How do Neural Networks work? x1 x2 x3 Input layer cc mileage ABS Let’s build a neural network to predict bike price based on few of its features
  • 49. How do Neural Networks work? x1 x2 x3 Input layer Bike pricey Output Layer ^mileage ABS cc
  • 50. How do Neural Networks work? x1 x2 x3 Input layer y Hidden Layer Bike price The hidden layer helps in improving the output accuracy Output Layer ^mileage ABS cc
  • 51. How do Neural Networks work? x1 x2 x3 Input layer y Hidden Layer w 1 w2 Each of the connections have a weight assigned with it Output Layer ^mileage ABS cc Bike price
  • 52. Output Layer How do Neural Networks work? x1 x2 x3 Input layer y Hidden Layer w 1 w2 Step 1: x1*w1 + x2*w2 + b1 Step 2: Φ(x1* w1 + x2*w2 + b1) where Φ is an activation function The neuron takes a subset of the inputs and processes it mileage ABS cc b1
  • 53. How do Neural Networks work? x1 x2 x3 Input layer y Hidden Layer w3 w4 Output Layer ^mileage ABS cc Bike price b2
  • 54. How do Neural Networks work? x1 x2 x3 Input layer y Hidden Layer w5 w6 Output Layer ^mileage ABS cc Bike price b3
  • 55. How do Neural Networks work? x1 x2 x3 Input layer y Hidden Layer w8 w9 w7 Output Layer ^mileage ABS cc Bike price b4
  • 56. How do Neural Networks work? x1 x2 x3 Input layer y Hidden Layer Output Layer ^mileage ABS cc Bike price
  • 57. How do Neural Networks work? x1 x2 x3 Input layer y Hidden Layer Output Layer ^mileage ABS cc The information reaching the neuron’s in the hidden layer is subjected to the respective activation function Bike price
  • 58. How do Neural Networks work? x1 x2 x3 Input layer y Hidden Layer The processed information is now sent to the output layer, once again, over weighted channels Output Layer ^ w10 w11 w12 w13 mileage ABS cc Bike price
  • 59. How do Neural Networks learn? x1 x2 x3 Input layer y Hidden Layer y C=1/2(Y-Y)2 The output, which is the predicted value is compared against the original value Output Layer ^ ^ mileage ABS cc Bike price
  • 60. How do Neural Networks learn? x1 x2 x3 Input layer y Hidden Layer y C=1/2(Y-Y)2 A cost function determines the error in prediction and reports it back to the neural network Output Layer ^ ^ mileage ABS cc Bike price
  • 61. How do Neural Networks learn? x1 x2 x3 Input layer y Hidden Layer y C=1/2(Y-Y)2 This is called back propagation Output Layer ^ ^ mileage ABS cc Bike price
  • 62. How do Neural Networks learn? x1 x2 x3 Input layer y Hidden Layer y C=1/2(Y-Y)2 w1’ w2’ The weights are adjusted in order to reduce the error Output Layer ^ ^ mileage ABS cc Bike price
  • 63. How do Neural Networks learn? x1 x2 x3 Input layer y Hidden Layer y C=1/2(Y-Y)2 w1’ w2’ The network is now trained using the new weights Output Layer ^ ^ w10’ w11’ w12’ w13’ mileage ABS cc Bike price
  • 64. How do Neural Networks learn? x1 x2 x3 Input layer y Hidden Layer y C=1/2(Y-Y)2 w1’ w2’ Once again, the cost is determined and back propagation is continued until the cost cannot be reduced any further Output Layer ^ ^ mileage ABS cc Bike price
  • 65. Implementing the neural network x1 x2 x3 Input layer y Hidden Layer Let’s plug in values and see how our neural network works Output Layer ^mileage ABS cc Bike price
  • 66. Implementing the neural network x1 x2 x3 Input layer y Hidden Layer Initially, our channels are assigned with random weights w1 w2 Output Layer ^mileage ABS cc Bike price
  • 67. Implementing the neural network x1 x2 x3 Input layer y Hidden Layer Our first neuron takes the value of mileage and cc as inputs w1 w2 Computation • n1 = Φ(7.41*w1+3.51*w2 +b1) Output Layer ^mileage ABS cc Bike price
  • 68. Implementing the neural network x1 x2 x3 Input layer y Hidden Layer Similarly, each of the neurons take a different combination of inputs w4 Computation • n1 = Φ(7.41*w1+3.51*w2 +b1) • n2 = Φ(7.4*w3+9.4*w4 +b2) w3 Output Layer ^mileage ABS cc Bike price
  • 69. Implementing the neural network x1 x2 x3 Input layer y Hidden Layer Computation • n1 = Φ(7.41*w1+3.51*w2 +b1) • n2 = Φ(7.4*w3+9.4*w4 +b2) • n3 = Φ(3.51*w5+9.4*w6 +b3) w5 w6 Output Layer ^mileage ABS cc Bike price
  • 70. Implementing the neural network x1 x2 x3 Input layer y Hidden Layer Computation • n1 = Φ(7.41*w1+3.51*w2 +b1) • n2 = Φ(7.4*w3+9.4*w4 +b2) • n3 = Φ(3.51*w5+9.4*w6 +b3) • n4 = Φ(7.4*w7+3.51*w8+ 9.4*w9 +b4) w7 w8 w9 Output Layer ^mileage ABS cc Bike price
  • 71. Implementing the neural network x1 x2 x3 Input layer y Hidden Layer Output Layer Computation n1 n2 n3 n4 The processed value from each neuron is sent to the output layer over weighted channels ^mileage ABS cc • n1 = Φ(7.41*w1+3.51*w2 +b1) • n2 = Φ(7.4*w3+9.4*w4 +b2) • n3 = Φ(3.51*w5+9.4*w6 +b3) • n4 = Φ(7.4*w7+3.51*w8+ 9.4*w9 +b4) Bike price
  • 72. Implementing the neural network x1 x2 x3 Input layer y Hidden Layer Output Layer n1 n2 n3 n4 ^ Once again, the values are subjected to an activation function and a single value is emitted as the output mileage ABS cc
  • 73. Implementing the neural network x1 x2 x3 Input layer y Hidden Layer Output Layer n1 n2 n3 n4 On comparing the predicted value to the actual value, we clearly see that our network requires training $2000 y $4000 ^mileage ABS cc Bike price
  • 74. Implementing the neural network x1 x2 x3 Input layer y Hidden Layer Output Layer The cost function is calculated, and back propagation takes place y C=1/2(Y-Y)2^ ^mileage ABS cc $2000 $4000 Bike price
  • 75. Implementing the neural network x1 x2 x3 Input layer y Hidden Layer Output Layer Based on the value of the cost function, certain weights are changed y C=1/2(Y-Y)2^ ^w5’ w6’ mileage ABS cc $2000 $4000 Bike price
  • 76. Implementing the neural network x1 x2 x3 Input layer y Hidden Layer Output Layer The values are once again processed using these new weights at the neuron y C=1/2(Y-Y)2^ ^w5’ w6’ mileage ABS cc $2000 $4000 Bike price
  • 77. Implementing the neural network x1 x2 x3 Input layer y Hidden Layer Output Layer Our neural network is considered trained when the value for the cost function is minimum y C=1/2(Y-Y)2^ ^w5’ w6’ n1’ n2’ n3’ n4’ mileage ABS cc $4000 $4000 Bike price
  • 78. Gradient Descent But what approach do we take to minimise the cost function?
  • 79. Gradient Descent C Y^ C=1/2(Y-Y)2 Let’s start with plotting the cost function against the predicted value ^
  • 80. Gradient Descent C Y^ C=1/2(Y-Y)2 Let’s start with plotting the cost function against the predicted value ^
  • 85. Gradient Descent And with that, we have all the right weights and we can say our network is trained
  • 87. Introduction to TensorFlow TensorFlow is an open source tool used to define and run computations on tensors
  • 88. TensorFlow is an open source tool used to define and run computations on tensors Introduction to TensorFlow What are tensors?
  • 89. Introduction to TensorFlow Tensors are just another name for arrays 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]
  • 90. 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
  • 91. Implementation in TensorFlow Let’s build a neural network to identify hand written digits using MNIST Database. Hand written digits from MNIST Database MNIST: Modified National Institute of Standards and Technology Database It has a collection of 70,000 handwritten digits Digit labels identify each of the digits from 0 to 9
  • 92. Implementation in TensorFlow Hand written digits from MNIST Database The dataset is used to train the machine A new image of a digit is fed The digit is identified 3

Editor's Notes