SlideShare a Scribd company logo
1 of 84
What’s in it for you?
Cost function
How do neural networks work?
Deep learning platforms
Introduction to TensorFlow
Use case implementation using TensorFlow
Applications of deep learning
Why is deep learning important?
Activation function
What are neural networks?
What is deep learning?
Applications of deep learning
Deep learning helps us make predictions about
the rain, earthquakes, tsunamis etc, allowing us
to take the required precautions
With deep learning, machines can comprehend
speech and provide the required output
Deep learning enables the machine to recognize
people and objects in the images fed to it
With deep learning, advertisers can leverage
data to perform real-time bidding and targeted
display advertising
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
Deep learning is a subfield of machine learning that deals with algorithms inspired
by the structure and function of the brain
Artificial Intelligence
Machine Learning
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
Machine Learning
Deep Learning
Ability of a machine to imitate
intelligent human behavior
Deep learning is a subfield of machine learning that deals with algorithms inspired
by the structure and function of the brain
Artificial Intelligence
Machine Learning
Deep Learning
Ability of a machine to imitate
intelligent human behavior
Application of AI that allows a system
to automatically learn and improve
from experience
Deep learning is a subfield of machine learning that deals with algorithms inspired
by the structure and function of the brain
Artificial Intelligence
Machine Learning
Deep Learning
Ability of a machine to imitate
intelligent human behavior
Application of AI that allows a system
to automatically learn and improve
from experience
Application of machine learning that
uses complex algorithms and deep
neural nets to train a model
Why is deep learning important?
Works with unstructured data
Machine learning works only with large sets of
structured and semi-structured data, while
deep learning can work with both structured
and unstructured data
Handles complex operations
Deep learning algorithms can perform
complex operations easily while machine
learning algorithms cannot
Feature Extraction
Machine learning algorithms use labeled sample data to
extract patterns, while deep learning accepts large
volumes of data as input, analyze the input to extract
features out of an object
Achieve best performance
Performance of machine learning algorithms decreases as
the amount of data increase, so to maintain the
performance of the model we need deep learning
What are neural networks?
Square
With deep learning, a machine can be trained to identify various shapes
Square
With deep learning, a machine can be trained to identify various shapes
Square
With deep learning, a machine can be trained to identify various shapes
But, how is the machine able to
do this?
Square
With deep learning, a machine can be trained to identify various shapes
With neural networks of course!
A neural network is a system modeled on the human brain
inputs
outputneuron
The data is fed as input to the neuron
inputs
outputneuron
The neuron processes the information provided as input
inputs
outputneuron
The information is transferred over weighted channels
inputs
outputneuron
The output is the final value predicted by the artificial neuron
inputs
outputneuron
But what exactly happens
within a neuron?
Note to instructor:
Let’s first go through a
few concepts that help us
understand neural
networks
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 outputneuron
x
1
x2
x3
x4
inputs
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
inputs
outputneuron
x
1
x2
x3
x4
x1*w1 + x2*w2 + x3*w3 + x4*w4
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
inputs
outputneuron
x
1
x2
x3
x4
x1*w1 + x2*w2 + x3*w3 + x4*w4 + bias
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 known as the activation function
inputs
output
x
1
x2
x3
x4
x1*w1 + x2*w2 + x3*w3 + x4*w4 + bias  final sum
Activation function ( final sum)
Cost function
inputs
predicted output
x
1
x2
x3
x4
neuron y^
The Cost value is the difference between the neural nets predicted
output and the actual output from a set of labeled training data
y
actual output
inputs
predicted output
x
1
x2
x3
x4
neuron y^
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
y
actual output
Let’s learn how neural networks
work
How do neural networks work?
Our neural network will be
trained to identify shapes
28
28
28*28=784
Our shapes are images of 28*28 pixels
28
28
28*28=784
Each pixel is fed as input to the neurons in the first layer
Each pixel is fed as input to the neurons in the first layer
Input layer
x1
x2
xn
Hidden layers improve the accuracy of the output
Input layer Hidden layers
x1
x2
xn
Data is passed on from layer to layer over weighted channels
Input layer Hidden layers
w1
w2
w3
wm
x1
x2
xn
Each neuron in the first hidden layer takes a subset of the inputs and processes it
Input layer Hidden layers
w1
w2
w3
wm
b1
b2
b3
b4
b5
x1
x2
xn
Each neuron in the first hidden layer takes a subset of the inputs and processes it
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
wm
x1
x2
xn
Let’s look into what happens
within the neurons
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
wm
x1
x2
xn
Step 1: x1*w1 + x2*w2 + b1
Step 2: Φ(x1* w1 + x2*w2 + b1)
where Φ is an activation function
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
wm
x1
x2
xn
Step 1: x1*w1 + x2*w2 + b1
Step 2: Φ(x1* w1 + x2*w2 + b1)
where Φ is an activation function
The results of the activation function determine which neurons will be activated in the following
layer
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
wm
x1
x2
xn
The results of the activation function determine which neurons will be activated in the following
layer
w11
w1
2
w1n
b1
1
b12
b13
b14
b15
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
wm
x1
x2
xn
w11
w1
2
w1n
b1
1
b12
b13
b14
b15
The results of the activation function determine which neurons will be activated in the following
layer
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
wm
x1
x2
xn
Just as before, the information reaching this layer is processed after which a single neuron in the
output layer gets activated
w11
w1
2
b1
1
b12
b13
b14
b15
w2
1 square
circle
triangle
^y
w1n
w2k
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
wm
x1
x2
xn
Just as before, the information reaching this layer is processed after which a single neuron in the
output layer gets activated
w11
w1
2
w1m
b1
1
b12
b13
b14
b15
w2
1
w2m
square
circle
triangle
But, our input was a square!
What went wrong here?
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
wm
x1
x2
xn
Just as before, the information reaching this layer is processed after which a single neuron in the
output layer gets activated
w11
w1
2
w1m
b1
1
b12
b13
b14
b15
w2
1
w2m
square
circle
triangle
Well, our network needs to be
trained first
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
wm
x1
x2
xn
The predicted output is compared against the actual output by calculating the cost function
w11
w1
2
b1
1
b12
b13
b14
b15
w2
1 square
circle
triangle
^y
w1n
w2k
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
wm
x1
x2
xn
w11
w1
2
b1
1
b12
b13
b14
b15
w2
1 square
circle
triangle
^y
The most commonly used cost function is as
follows:
C=1/2(Y-Y)2^
where Y is the actual value and Y is the
predicted value
^
w1n
w2k
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
wm
x1
x2
xn
The cost function determines the error in prediction and reports it back to the neural network
w11
w1
2
b1
1
b12
b13
b14
b15
w2
1 square
circle
triangle
^y
w1n
w2k
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
wm
x1
x2
xn
This is called backpropagation
w11
w1
2
b1
1
b12
b13
b14
b15
w2
1 square
circle
triangle
^y
w1n
w2k
Input layer Hidden layers
w1
’
w2’
w3’
b1
b2
b3
b4
b5
wm’
x1
x2
xn
The weights are adjusted in order to reduce the error
w11
’
w12
’
w1n’
b1
1
b12
b13
b14
b15
w21’
w2k’
square
circle
triangle
^y
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
x1
x2
xn
The network is trained with the new weights
w11
w1
2
b1
1
b12
b13
b14
b15
w2
1 square
circle
triangle^y
w1n’
w2k’
wm’
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
x1
x2
xn
w11
w1
2
b1
1
b12
b13
b14
b15
w2
1 square
circle
triangle
w1n’
w2k’
wm’
^y
C=1/2(Y-Y)2^
Once again, the cost is determined and back propagation is continued until the cost cannot be
reduced any further
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
x1
x2
xn
w11
w1
2
b1
1
b12
b13
b14
b15
w2
1 square
circle
triangle
w1n’
w2k’
wm’
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
x1
x2
xn
w11
w1
2
b1
1
b12
b13
b14
b15
w2
1 square
circle
triangle
^y
w1n’
w2k’
wm’
Similarly, our network must be
trained to identify circles and
triangles too
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
x1
x2
xn
w11
w1
2
b1
1
b12
b13
b14
b15
w2
1 square
circle
triangle
^y
w1n’
w2k’
wm’
The weights are thus further
adjusted in order to predict the
three shapes with the highest
accuracy
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
x1
x2
xn
w11
w1
2
b1
1
b12
b13
b14
b15
w2
1 square
circle
triangle
w1n’
w2k’
wm’
We can now rely on our neural network to predict the input shapes
28
28
28*28=784
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
x1
x2
xn
w11
w1
2
b1
1
b12
b13
b14
b15
w2
1 square
circle
triangle
w1n’
w2k’
wm’
We can now rely on our neural network to predict the input shapes
28
28
28*28=784
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
x1
x2
xn
w11
w1
2
b1
1
b12
b13
b14
b15
w2
1 square
circle
triangle
w1n’
w2k’
wm’
We can now rely on our neural network to predict the input shapes
28
28
28*28=784
Input layer Hidden layers
w1
w2
w3
b1
b2
b3
b4
b5
x1
x2
xn
w11
w1
2
b1
1
b12
b13
b14
b15
w2
1 square
circle
triangle
w1n’
w2k’
wm’
We can now rely on our neural network to predict the input shapes
28
28
28*28=784
Deep learning platforms
The primary programming language is LUA with an
implementation in C too. Torch’s Python
implementation is called PyTorch
Keras is a Python framework for deep learning. Its
USP is reusability of code for CPU and GPU
TensorFlow is a deep learning platform by Google.
It is developed in C++ and has its implementation
is Python
DL4J is the first deep learning library written for
Java and Scala. It is integrated with Hadoop and
Apache Spark
Introduction to TensorFlow
• Google’s TensorFlow is currently the most popular deep learning
library in the world
• Google’s TensorFlow is currently the most popular deep learning
library in the world
• Tensors are vectors or matrices of n dimensions.
a
m
k
q
d
Dimensions 
2
4
8
1
1
9
3
2
5
4
4
6
6
3
3
7
8
2
9
5
[5] [5,4] [3,3,3]
• Google’s TensorFlow is currently the most popular deep learning
library in the world
• Tensors are vectors or matrices of n dimensions.
• In TensorFlow, all computations performed involve tensors
• Google’s TensorFlow is currently the most popular deep learning
library in the world
• Tensors are vectors or matrices of n dimensions.
• In TensorFlow, all computations performed involve tensors
• TensorFlow architecture is as follows
Pre-processing data Build a model Train and estimate the model
Use case implementation with TensorFlow
Deep learning concepts and neural network basics

More Related Content

What's hot

An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep LearningJulien SIMON
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningMohamed Loey
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Gaurav Mittal
 
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
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksChristian Perone
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep LearningOswald Campesato
 
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...Simplilearn
 
Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural NetworksDatabricks
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network Yan Xu
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural networkFerdous ahmed
 
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
 
Machine Learning vs Deep Learning vs Artificial Intelligence | ML vs DL vs AI...
Machine Learning vs Deep Learning vs Artificial Intelligence | ML vs DL vs AI...Machine Learning vs Deep Learning vs Artificial Intelligence | ML vs DL vs AI...
Machine Learning vs Deep Learning vs Artificial Intelligence | ML vs DL vs AI...Simplilearn
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networksSi Haem
 
Deep Learning: Application & Opportunity
Deep Learning: Application & OpportunityDeep Learning: Application & Opportunity
Deep Learning: Application & OpportunityiTrain
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learningJörgen Sandig
 
Deep Learning Frameworks 2019 | Which Deep Learning Framework To Use | Deep L...
Deep Learning Frameworks 2019 | Which Deep Learning Framework To Use | Deep L...Deep Learning Frameworks 2019 | Which Deep Learning Framework To Use | Deep L...
Deep Learning Frameworks 2019 | Which Deep Learning Framework To Use | Deep L...Simplilearn
 

What's hot (20)

An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep Learning
 
Deep learning
Deep learningDeep learning
Deep learning
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep Learning
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
 
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...
 
Deep learning
Deep learningDeep learning
Deep learning
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
1.Introduction to deep learning
1.Introduction to deep learning1.Introduction to deep learning
1.Introduction to deep learning
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
What is Machine Learning | Introduction to Machine Learning | Machine Learnin...
 
Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural Networks
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
 
rnn BASICS
rnn BASICSrnn BASICS
rnn BASICS
 
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...
 
Machine Learning vs Deep Learning vs Artificial Intelligence | ML vs DL vs AI...
Machine Learning vs Deep Learning vs Artificial Intelligence | ML vs DL vs AI...Machine Learning vs Deep Learning vs Artificial Intelligence | ML vs DL vs AI...
Machine Learning vs Deep Learning vs Artificial Intelligence | ML vs DL vs AI...
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
 
Deep Learning: Application & Opportunity
Deep Learning: Application & OpportunityDeep Learning: Application & Opportunity
Deep Learning: Application & Opportunity
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
 
Deep Learning Frameworks 2019 | Which Deep Learning Framework To Use | Deep L...
Deep Learning Frameworks 2019 | Which Deep Learning Framework To Use | Deep L...Deep Learning Frameworks 2019 | Which Deep Learning Framework To Use | Deep L...
Deep Learning Frameworks 2019 | Which Deep Learning Framework To Use | Deep L...
 

Similar to Deep learning concepts and neural network basics

Deep Learning & Tensor flow: An Intro
Deep Learning & Tensor flow: An IntroDeep Learning & Tensor flow: An Intro
Deep Learning & Tensor flow: An IntroSiby Jose Plathottam
 
Neural-Networks.ppt
Neural-Networks.pptNeural-Networks.ppt
Neural-Networks.pptRINUSATHYAN
 
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in RUnderstanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in RManish Saraswat
 
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習台灣資料科學年會
 
Deep learning algorithms
Deep learning algorithmsDeep learning algorithms
Deep learning algorithmsRevanth Kumar
 
Document Analysis with Deep Learning
Document Analysis with Deep LearningDocument Analysis with Deep Learning
Document Analysis with Deep Learningaiaioo
 
Acem neuralnetworks
Acem neuralnetworksAcem neuralnetworks
Acem neuralnetworksAastha Kohli
 
Artificial Neural Network_VCW (1).pptx
Artificial Neural Network_VCW (1).pptxArtificial Neural Network_VCW (1).pptx
Artificial Neural Network_VCW (1).pptxpratik610182
 
Introduction to Neural Networks in Tensorflow
Introduction to Neural Networks in TensorflowIntroduction to Neural Networks in Tensorflow
Introduction to Neural Networks in TensorflowNicholas McClure
 
Automatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face RecognitionAutomatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face Recognitionvatsal199567
 
introduction to deeplearning
introduction to deeplearningintroduction to deeplearning
introduction to deeplearningEyad Alshami
 
neural (1).ppt
neural (1).pptneural (1).ppt
neural (1).pptAlmamoon
 

Similar to Deep learning concepts and neural network basics (20)

Deep Learning & Tensor flow: An Intro
Deep Learning & Tensor flow: An IntroDeep Learning & Tensor flow: An Intro
Deep Learning & Tensor flow: An Intro
 
Neural-Networks.ppt
Neural-Networks.pptNeural-Networks.ppt
Neural-Networks.ppt
 
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in RUnderstanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
 
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
 
Deep learning algorithms
Deep learning algorithmsDeep learning algorithms
Deep learning algorithms
 
Deep learning (2)
Deep learning (2)Deep learning (2)
Deep learning (2)
 
Artificial Neural networks
Artificial Neural networksArtificial Neural networks
Artificial Neural networks
 
Development of Deep Learning Architecture
Development of Deep Learning ArchitectureDevelopment of Deep Learning Architecture
Development of Deep Learning Architecture
 
Document Analysis with Deep Learning
Document Analysis with Deep LearningDocument Analysis with Deep Learning
Document Analysis with Deep Learning
 
Acem neuralnetworks
Acem neuralnetworksAcem neuralnetworks
Acem neuralnetworks
 
Artificial Neural Network_VCW (1).pptx
Artificial Neural Network_VCW (1).pptxArtificial Neural Network_VCW (1).pptx
Artificial Neural Network_VCW (1).pptx
 
Neural Networks
Neural NetworksNeural Networks
Neural Networks
 
Introduction to Neural Networks in Tensorflow
Introduction to Neural Networks in TensorflowIntroduction to Neural Networks in Tensorflow
Introduction to Neural Networks in Tensorflow
 
Automatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face RecognitionAutomatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face Recognition
 
introduction to deeplearning
introduction to deeplearningintroduction to deeplearning
introduction to deeplearning
 
neural.ppt
neural.pptneural.ppt
neural.ppt
 
neural.ppt
neural.pptneural.ppt
neural.ppt
 
neural.ppt
neural.pptneural.ppt
neural.ppt
 
neural (1).ppt
neural (1).pptneural (1).ppt
neural (1).ppt
 
neural.ppt
neural.pptneural.ppt
neural.ppt
 

More from Simplilearn

ChatGPT in Cybersecurity
ChatGPT in CybersecurityChatGPT in Cybersecurity
ChatGPT in CybersecuritySimplilearn
 
Whatis SQL Injection.pptx
Whatis SQL Injection.pptxWhatis SQL Injection.pptx
Whatis SQL Injection.pptxSimplilearn
 
Top 5 High Paying Cloud Computing Jobs in 2023
 Top 5 High Paying Cloud Computing Jobs in 2023  Top 5 High Paying Cloud Computing Jobs in 2023
Top 5 High Paying Cloud Computing Jobs in 2023 Simplilearn
 
Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024Simplilearn
 
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...Simplilearn
 
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...Simplilearn
 
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...Simplilearn
 
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...Simplilearn
 
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...Simplilearn
 
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...Simplilearn
 
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...Simplilearn
 
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...Simplilearn
 
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...Simplilearn
 
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...Simplilearn
 
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...Simplilearn
 
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...Simplilearn
 
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...Simplilearn
 
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...Simplilearn
 
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...Simplilearn
 
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...Simplilearn
 

More from Simplilearn (20)

ChatGPT in Cybersecurity
ChatGPT in CybersecurityChatGPT in Cybersecurity
ChatGPT in Cybersecurity
 
Whatis SQL Injection.pptx
Whatis SQL Injection.pptxWhatis SQL Injection.pptx
Whatis SQL Injection.pptx
 
Top 5 High Paying Cloud Computing Jobs in 2023
 Top 5 High Paying Cloud Computing Jobs in 2023  Top 5 High Paying Cloud Computing Jobs in 2023
Top 5 High Paying Cloud Computing Jobs in 2023
 
Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024
 
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
 
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
 
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
 
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
 
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
 
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
 
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
 
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
 
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
 
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
 
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
 
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
 
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...
 
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...
 
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...
 
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...
 

Recently uploaded

BASLIQ CURRENT LOOKBOOK LOOKBOOK(1) (1).pdf
BASLIQ CURRENT LOOKBOOK  LOOKBOOK(1) (1).pdfBASLIQ CURRENT LOOKBOOK  LOOKBOOK(1) (1).pdf
BASLIQ CURRENT LOOKBOOK LOOKBOOK(1) (1).pdfSoniaTolstoy
 
Interactive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationInteractive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationnomboosow
 
Concept of Vouching. B.Com(Hons) /B.Compdf
Concept of Vouching. B.Com(Hons) /B.CompdfConcept of Vouching. B.Com(Hons) /B.Compdf
Concept of Vouching. B.Com(Hons) /B.CompdfUmakantAnnand
 
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17Incoming and Outgoing Shipments in 1 STEP Using Odoo 17
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17Celine George
 
URLs and Routing in the Odoo 17 Website App
URLs and Routing in the Odoo 17 Website AppURLs and Routing in the Odoo 17 Website App
URLs and Routing in the Odoo 17 Website AppCeline George
 
Employee wellbeing at the workplace.pptx
Employee wellbeing at the workplace.pptxEmployee wellbeing at the workplace.pptx
Employee wellbeing at the workplace.pptxNirmalaLoungPoorunde1
 
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdf
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdfEnzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdf
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdfSumit Tiwari
 
mini mental status format.docx
mini    mental       status     format.docxmini    mental       status     format.docx
mini mental status format.docxPoojaSen20
 
Class 11 Legal Studies Ch-1 Concept of State .pdf
Class 11 Legal Studies Ch-1 Concept of State .pdfClass 11 Legal Studies Ch-1 Concept of State .pdf
Class 11 Legal Studies Ch-1 Concept of State .pdfakmcokerachita
 
“Oh GOSH! Reflecting on Hackteria's Collaborative Practices in a Global Do-It...
“Oh GOSH! Reflecting on Hackteria's Collaborative Practices in a Global Do-It...“Oh GOSH! Reflecting on Hackteria's Collaborative Practices in a Global Do-It...
“Oh GOSH! Reflecting on Hackteria's Collaborative Practices in a Global Do-It...Marc Dusseiller Dusjagr
 
Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)eniolaolutunde
 
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptx
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptxSOCIAL AND HISTORICAL CONTEXT - LFTVD.pptx
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptxiammrhaywood
 
The Most Excellent Way | 1 Corinthians 13
The Most Excellent Way | 1 Corinthians 13The Most Excellent Way | 1 Corinthians 13
The Most Excellent Way | 1 Corinthians 13Steve Thomason
 
Presiding Officer Training module 2024 lok sabha elections
Presiding Officer Training module 2024 lok sabha electionsPresiding Officer Training module 2024 lok sabha elections
Presiding Officer Training module 2024 lok sabha electionsanshu789521
 
microwave assisted reaction. General introduction
microwave assisted reaction. General introductionmicrowave assisted reaction. General introduction
microwave assisted reaction. General introductionMaksud Ahmed
 
Crayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon ACrayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon AUnboundStockton
 
CARE OF CHILD IN INCUBATOR..........pptx
CARE OF CHILD IN INCUBATOR..........pptxCARE OF CHILD IN INCUBATOR..........pptx
CARE OF CHILD IN INCUBATOR..........pptxGaneshChakor2
 
Contemporary philippine arts from the regions_PPT_Module_12 [Autosaved] (1).pptx
Contemporary philippine arts from the regions_PPT_Module_12 [Autosaved] (1).pptxContemporary philippine arts from the regions_PPT_Module_12 [Autosaved] (1).pptx
Contemporary philippine arts from the regions_PPT_Module_12 [Autosaved] (1).pptxRoyAbrique
 

Recently uploaded (20)

BASLIQ CURRENT LOOKBOOK LOOKBOOK(1) (1).pdf
BASLIQ CURRENT LOOKBOOK  LOOKBOOK(1) (1).pdfBASLIQ CURRENT LOOKBOOK  LOOKBOOK(1) (1).pdf
BASLIQ CURRENT LOOKBOOK LOOKBOOK(1) (1).pdf
 
Interactive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationInteractive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communication
 
TataKelola dan KamSiber Kecerdasan Buatan v022.pdf
TataKelola dan KamSiber Kecerdasan Buatan v022.pdfTataKelola dan KamSiber Kecerdasan Buatan v022.pdf
TataKelola dan KamSiber Kecerdasan Buatan v022.pdf
 
Concept of Vouching. B.Com(Hons) /B.Compdf
Concept of Vouching. B.Com(Hons) /B.CompdfConcept of Vouching. B.Com(Hons) /B.Compdf
Concept of Vouching. B.Com(Hons) /B.Compdf
 
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17Incoming and Outgoing Shipments in 1 STEP Using Odoo 17
Incoming and Outgoing Shipments in 1 STEP Using Odoo 17
 
URLs and Routing in the Odoo 17 Website App
URLs and Routing in the Odoo 17 Website AppURLs and Routing in the Odoo 17 Website App
URLs and Routing in the Odoo 17 Website App
 
Employee wellbeing at the workplace.pptx
Employee wellbeing at the workplace.pptxEmployee wellbeing at the workplace.pptx
Employee wellbeing at the workplace.pptx
 
Staff of Color (SOC) Retention Efforts DDSD
Staff of Color (SOC) Retention Efforts DDSDStaff of Color (SOC) Retention Efforts DDSD
Staff of Color (SOC) Retention Efforts DDSD
 
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdf
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdfEnzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdf
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdf
 
mini mental status format.docx
mini    mental       status     format.docxmini    mental       status     format.docx
mini mental status format.docx
 
Class 11 Legal Studies Ch-1 Concept of State .pdf
Class 11 Legal Studies Ch-1 Concept of State .pdfClass 11 Legal Studies Ch-1 Concept of State .pdf
Class 11 Legal Studies Ch-1 Concept of State .pdf
 
“Oh GOSH! Reflecting on Hackteria's Collaborative Practices in a Global Do-It...
“Oh GOSH! Reflecting on Hackteria's Collaborative Practices in a Global Do-It...“Oh GOSH! Reflecting on Hackteria's Collaborative Practices in a Global Do-It...
“Oh GOSH! Reflecting on Hackteria's Collaborative Practices in a Global Do-It...
 
Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)
 
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptx
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptxSOCIAL AND HISTORICAL CONTEXT - LFTVD.pptx
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptx
 
The Most Excellent Way | 1 Corinthians 13
The Most Excellent Way | 1 Corinthians 13The Most Excellent Way | 1 Corinthians 13
The Most Excellent Way | 1 Corinthians 13
 
Presiding Officer Training module 2024 lok sabha elections
Presiding Officer Training module 2024 lok sabha electionsPresiding Officer Training module 2024 lok sabha elections
Presiding Officer Training module 2024 lok sabha elections
 
microwave assisted reaction. General introduction
microwave assisted reaction. General introductionmicrowave assisted reaction. General introduction
microwave assisted reaction. General introduction
 
Crayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon ACrayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon A
 
CARE OF CHILD IN INCUBATOR..........pptx
CARE OF CHILD IN INCUBATOR..........pptxCARE OF CHILD IN INCUBATOR..........pptx
CARE OF CHILD IN INCUBATOR..........pptx
 
Contemporary philippine arts from the regions_PPT_Module_12 [Autosaved] (1).pptx
Contemporary philippine arts from the regions_PPT_Module_12 [Autosaved] (1).pptxContemporary philippine arts from the regions_PPT_Module_12 [Autosaved] (1).pptx
Contemporary philippine arts from the regions_PPT_Module_12 [Autosaved] (1).pptx
 

Deep learning concepts and neural network basics

  • 1.
  • 2. What’s in it for you? Cost function How do neural networks work? Deep learning platforms Introduction to TensorFlow Use case implementation using TensorFlow Applications of deep learning Why is deep learning important? Activation function What are neural networks? What is deep learning?
  • 4. Deep learning helps us make predictions about the rain, earthquakes, tsunamis etc, allowing us to take the required precautions
  • 5. With deep learning, machines can comprehend speech and provide the required output
  • 6. Deep learning enables the machine to recognize people and objects in the images fed to it
  • 7. With deep learning, advertisers can leverage data to perform real-time bidding and targeted display advertising
  • 8. What is deep learning?
  • 9. Deep learning is a subfield of machine learning that deals with algorithms inspired by the structure and function of the brain
  • 10. Deep learning is a subfield of machine learning that deals with algorithms inspired by the structure and function of the brain Artificial Intelligence Machine Learning Deep Learning
  • 11. Deep learning is a subfield of machine learning that deals with algorithms inspired by the structure and function of the brain Artificial Intelligence Machine Learning Deep Learning Ability of a machine to imitate intelligent human behavior
  • 12. Deep learning is a subfield of machine learning that deals with algorithms inspired by the structure and function of the brain Artificial Intelligence Machine Learning Deep Learning Ability of a machine to imitate intelligent human behavior Application of AI that allows a system to automatically learn and improve from experience
  • 13. Deep learning is a subfield of machine learning that deals with algorithms inspired by the structure and function of the brain Artificial Intelligence Machine Learning Deep Learning Ability of a machine to imitate intelligent human behavior Application of AI that allows a system to automatically learn and improve from experience Application of machine learning that uses complex algorithms and deep neural nets to train a model
  • 14. Why is deep learning important?
  • 15. Works with unstructured data Machine learning works only with large sets of structured and semi-structured data, while deep learning can work with both structured and unstructured data
  • 16.
  • 17. Handles complex operations Deep learning algorithms can perform complex operations easily while machine learning algorithms cannot
  • 18.
  • 19. Feature Extraction Machine learning algorithms use labeled sample data to extract patterns, while deep learning accepts large volumes of data as input, analyze the input to extract features out of an object
  • 20.
  • 21. Achieve best performance Performance of machine learning algorithms decreases as the amount of data increase, so to maintain the performance of the model we need deep learning
  • 22. What are neural networks?
  • 23. Square With deep learning, a machine can be trained to identify various shapes
  • 24. Square With deep learning, a machine can be trained to identify various shapes
  • 25. Square With deep learning, a machine can be trained to identify various shapes But, how is the machine able to do this?
  • 26. Square With deep learning, a machine can be trained to identify various shapes With neural networks of course!
  • 27. A neural network is a system modeled on the human brain inputs outputneuron
  • 28. The data is fed as input to the neuron inputs outputneuron
  • 29. The neuron processes the information provided as input inputs outputneuron
  • 30. The information is transferred over weighted channels inputs outputneuron
  • 31. The output is the final value predicted by the artificial neuron inputs outputneuron
  • 32. But what exactly happens within a neuron? Note to instructor: Let’s first go through a few concepts that help us understand neural networks
  • 34.
  • 35. 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 outputneuron x 1 x2 x3 x4 inputs
  • 36. 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 inputs outputneuron x 1 x2 x3 x4 x1*w1 + x2*w2 + x3*w3 + x4*w4
  • 37. 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 inputs outputneuron x 1 x2 x3 x4 x1*w1 + x2*w2 + x3*w3 + x4*w4 + bias
  • 38. 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 known as the activation function inputs output x 1 x2 x3 x4 x1*w1 + x2*w2 + x3*w3 + x4*w4 + bias  final sum Activation function ( final sum)
  • 40. inputs predicted output x 1 x2 x3 x4 neuron y^ The Cost value is the difference between the neural nets predicted output and the actual output from a set of labeled training data y actual output
  • 41. inputs predicted output x 1 x2 x3 x4 neuron y^ 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 y actual output
  • 42. Let’s learn how neural networks work
  • 43. How do neural networks work?
  • 44. Our neural network will be trained to identify shapes
  • 45. 28 28 28*28=784 Our shapes are images of 28*28 pixels
  • 46. 28 28 28*28=784 Each pixel is fed as input to the neurons in the first layer
  • 47. Each pixel is fed as input to the neurons in the first layer Input layer x1 x2 xn
  • 48. Hidden layers improve the accuracy of the output Input layer Hidden layers x1 x2 xn
  • 49. Data is passed on from layer to layer over weighted channels Input layer Hidden layers w1 w2 w3 wm x1 x2 xn
  • 50. Each neuron in the first hidden layer takes a subset of the inputs and processes it Input layer Hidden layers w1 w2 w3 wm b1 b2 b3 b4 b5 x1 x2 xn
  • 51. Each neuron in the first hidden layer takes a subset of the inputs and processes it Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 wm x1 x2 xn Let’s look into what happens within the neurons
  • 52. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 wm x1 x2 xn Step 1: x1*w1 + x2*w2 + b1 Step 2: Φ(x1* w1 + x2*w2 + b1) where Φ is an activation function
  • 53. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 wm x1 x2 xn Step 1: x1*w1 + x2*w2 + b1 Step 2: Φ(x1* w1 + x2*w2 + b1) where Φ is an activation function The results of the activation function determine which neurons will be activated in the following layer
  • 54. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 wm x1 x2 xn The results of the activation function determine which neurons will be activated in the following layer w11 w1 2 w1n b1 1 b12 b13 b14 b15
  • 55. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 wm x1 x2 xn w11 w1 2 w1n b1 1 b12 b13 b14 b15 The results of the activation function determine which neurons will be activated in the following layer
  • 56. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 wm x1 x2 xn Just as before, the information reaching this layer is processed after which a single neuron in the output layer gets activated w11 w1 2 b1 1 b12 b13 b14 b15 w2 1 square circle triangle ^y w1n w2k
  • 57. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 wm x1 x2 xn Just as before, the information reaching this layer is processed after which a single neuron in the output layer gets activated w11 w1 2 w1m b1 1 b12 b13 b14 b15 w2 1 w2m square circle triangle But, our input was a square! What went wrong here?
  • 58. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 wm x1 x2 xn Just as before, the information reaching this layer is processed after which a single neuron in the output layer gets activated w11 w1 2 w1m b1 1 b12 b13 b14 b15 w2 1 w2m square circle triangle Well, our network needs to be trained first
  • 59. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 wm x1 x2 xn The predicted output is compared against the actual output by calculating the cost function w11 w1 2 b1 1 b12 b13 b14 b15 w2 1 square circle triangle ^y w1n w2k
  • 60. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 wm x1 x2 xn w11 w1 2 b1 1 b12 b13 b14 b15 w2 1 square circle triangle ^y The most commonly used cost function is as follows: C=1/2(Y-Y)2^ where Y is the actual value and Y is the predicted value ^ w1n w2k
  • 61. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 wm x1 x2 xn The cost function determines the error in prediction and reports it back to the neural network w11 w1 2 b1 1 b12 b13 b14 b15 w2 1 square circle triangle ^y w1n w2k
  • 62. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 wm x1 x2 xn This is called backpropagation w11 w1 2 b1 1 b12 b13 b14 b15 w2 1 square circle triangle ^y w1n w2k
  • 63. Input layer Hidden layers w1 ’ w2’ w3’ b1 b2 b3 b4 b5 wm’ x1 x2 xn The weights are adjusted in order to reduce the error w11 ’ w12 ’ w1n’ b1 1 b12 b13 b14 b15 w21’ w2k’ square circle triangle ^y
  • 64. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 x1 x2 xn The network is trained with the new weights w11 w1 2 b1 1 b12 b13 b14 b15 w2 1 square circle triangle^y w1n’ w2k’ wm’
  • 65. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 x1 x2 xn w11 w1 2 b1 1 b12 b13 b14 b15 w2 1 square circle triangle w1n’ w2k’ wm’ ^y C=1/2(Y-Y)2^ Once again, the cost is determined and back propagation is continued until the cost cannot be reduced any further
  • 66. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 x1 x2 xn w11 w1 2 b1 1 b12 b13 b14 b15 w2 1 square circle triangle w1n’ w2k’ wm’
  • 67. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 x1 x2 xn w11 w1 2 b1 1 b12 b13 b14 b15 w2 1 square circle triangle ^y w1n’ w2k’ wm’ Similarly, our network must be trained to identify circles and triangles too
  • 68. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 x1 x2 xn w11 w1 2 b1 1 b12 b13 b14 b15 w2 1 square circle triangle ^y w1n’ w2k’ wm’ The weights are thus further adjusted in order to predict the three shapes with the highest accuracy
  • 69. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 x1 x2 xn w11 w1 2 b1 1 b12 b13 b14 b15 w2 1 square circle triangle w1n’ w2k’ wm’ We can now rely on our neural network to predict the input shapes 28 28 28*28=784
  • 70. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 x1 x2 xn w11 w1 2 b1 1 b12 b13 b14 b15 w2 1 square circle triangle w1n’ w2k’ wm’ We can now rely on our neural network to predict the input shapes 28 28 28*28=784
  • 71. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 x1 x2 xn w11 w1 2 b1 1 b12 b13 b14 b15 w2 1 square circle triangle w1n’ w2k’ wm’ We can now rely on our neural network to predict the input shapes 28 28 28*28=784
  • 72. Input layer Hidden layers w1 w2 w3 b1 b2 b3 b4 b5 x1 x2 xn w11 w1 2 b1 1 b12 b13 b14 b15 w2 1 square circle triangle w1n’ w2k’ wm’ We can now rely on our neural network to predict the input shapes 28 28 28*28=784
  • 74. The primary programming language is LUA with an implementation in C too. Torch’s Python implementation is called PyTorch
  • 75. Keras is a Python framework for deep learning. Its USP is reusability of code for CPU and GPU
  • 76. TensorFlow is a deep learning platform by Google. It is developed in C++ and has its implementation is Python
  • 77. DL4J is the first deep learning library written for Java and Scala. It is integrated with Hadoop and Apache Spark
  • 79. • Google’s TensorFlow is currently the most popular deep learning library in the world
  • 80. • Google’s TensorFlow is currently the most popular deep learning library in the world • Tensors are vectors or matrices of n dimensions. a m k q d Dimensions  2 4 8 1 1 9 3 2 5 4 4 6 6 3 3 7 8 2 9 5 [5] [5,4] [3,3,3]
  • 81. • Google’s TensorFlow is currently the most popular deep learning library in the world • Tensors are vectors or matrices of n dimensions. • In TensorFlow, all computations performed involve tensors
  • 82. • Google’s TensorFlow is currently the most popular deep learning library in the world • Tensors are vectors or matrices of n dimensions. • In TensorFlow, all computations performed involve tensors • TensorFlow architecture is as follows Pre-processing data Build a model Train and estimate the model
  • 83. Use case implementation with TensorFlow

Editor's Notes

  1. Style - 01