SlideShare una empresa de Scribd logo
1 de 54
What is
Deep Learning?
Image Recognition
How does image recognition work?
Image Recognition
How does image recognition work?
Images of Dogs
Image Recognition
How does image recognition work?
Images of Dogs Artificial Neural Network
Image Recognition
How does image recognition work?
Images of Dogs New Images of AnimalsArtificial Neural Network
Image Recognition
How does image recognition work?
Images of Dogs Identifies which are dogsNew Images of AnimalsArtificial Neural Network
Image Recognition
Lets understand how Artificial Neural Network identifies the images
Image Recognition
Lets understand how Artificial Neural Network identifies the images
Training Data
Image Recognition
Lets understand how Artificial Neural Network identifies the images
Training Data
Artificial Neural Network
Image Recognition
Lets understand how Artificial Neural Network identifies the images
Training Data Feature Extraction
Artificial Neural Network
Image Recognition
Lets understand how Artificial Neural Network identifies the images
Training Data Feature Extraction
Artificial Neural Network
Artificial Neural Network
Test Data
Image Recognition
Lets understand how Artificial Neural Network identifies the images
Training Data Feature Extraction
Identifies the Dogs
Artificial Neural Network
Artificial Neural Network
Test Data
What’s in it for you?
What is Deep Learning?
Why do we need Deep Learning?
Applications of Deep Learning
What is a Neural Network?
Activation Functions
Working of a Neural Network
What is Deep Learning?
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
Machine
Learning
Deep
Learning
Ability of a machine to imitate
intelligent human behavior
Application of AI that allows a system
to automatically learn and improve
from experience
Application of Machine Learning that
uses complex algorithms and deep
neural nets to train a model
Why do we need Deep Learning?
Process huge amount of data
Machine Learning algorithms work with huge amount of structured data but Deep Learning algorithms
can work with enormous amount of structured and unstructured data
Perform complex algorithms
Machine Learning algorithms cannot perform complex operations, to do that we need Deep Learning
algorithms
To achieve the best performance with large amount of data
As the amount of data increases, the performance of Machine Learning algorithms decreases, to
make sure the performance of a model is good, we need Deep Learning
Feature Extraction
Machine Learning algorithms extract patterns based on labelled sample data, while Deep Learning
algorithms take large volumes of data as input, analyze the input to extract features out of an object
and identifies similar objects
Applications of Deep Learning
Applications of Deep Learning
Cancer Detection
Deep Learning helps to detect cancerous tumors in the human body
Applications of Deep Learning
Robot Navigation
Deep Learning is used to train robots to perform human tasks
Applications of Deep Learning
Autonomous Driving Cars
Distinguishes different types of objects, people, road signs and drives
without human intervention
Applications of Deep Learning
Machine Translation
Given a word, phrase or a sentence in one language, automatically
translates it into another language
Applications of Deep Learning
Music Composition
Deep Neural Nets can be used to produce music by making computers
learn the patterns in a composition
Applications of Deep Learning
Colorization of images
Uses the object and their context within the photograph to color the image
What is a Neural Network?
What is a Neural Network?
Deep Learning is based on the functioning of a human brain, lets understand how does a
Biological Neural Network look like
Dendrite
Cell Nucleus
Synapse
Axon
What is a Neural Network?
Deep Learning is based on the functioning of a human brain, lets understand how does an
Artificial Neural Network look like
Neuron
X1
X2
Xn
Input 1
Input 2
Input n
Y Output
w1
w2
wn
Biological Neuron vs Artificial Neuron
Neuron
X1
X2
Xn
Input 1
Input 2
Input n
Y Output
w1
w2
wn
Biological Neuron
Cell Nucleus
Artificial Neuron
Synapse
Dendrites
Axon
Inputs
Nodes
Weights
Output
AxonCell
Nucleus
Dendrite
Synapse
Nodes
What is a Neural Network?
First step in the process is to calculate the weighted sum of the inputs and add a bias
X1
X2
Xn
Input 1
Input 2
Input n
w1
w2
w
Step 1
i=1
n
w x + b
i i*
n
Transfer Function
What is a Neural Network?
Second step in the process is to pass the calculated weighted sum as input to the activation
function to generate the output
X1
X2
Xn
Input 1
Input 2
Input n
Y
Output
w1
w2
w
Step 1
i=1
n
w x + b
i i*
n
Step 2
Activation FunctionTransfer Function
Activation Functions
An Activation function takes the “weighted sum of input plus the bias” as the input to the
function and decides whether it should be fired or not
Types of Activation
Functions
Sigmoid Function
Threshold Function
ReLU Function
Hyperbolic Tangent
Function
Activation Functions
Sigmoid Function
Used for models where we have to predict the probability as an output. It exists between 0 and
1.
i=1
n
w x + b
i i*
0
1
Y
(X)=
1
1 + e-x
Threshold Function
Activation Functions
It is a threshold based activation function. If Y value is greater than a certain value, the function
is activated and fired else not.
i=1
n
w x + b
i i*
0
1
Y
(X)=
1, if x>=0
0, if x<0( )
ReLU Function
Activation Functions
It is the most widely used Activation function and gives an output of X if X is positive and 0
otherwise
i=1
n
w x + b
i i*
0
1
Y
(X) = max(X,0)
Hyperbolic Tangent
Function
Activation Functions
This function is similar to Sigmoid function and is bound to range (-1, 1)
0
1
Y
(X)=
1 - e
1 + e-2x
i=1
n
w x + b
i i*
-
1
-2x
Activation Functions
X
X
X
1
n
2 Y
Output
Input 1
Input 2
Input n
Input Layer Output LayerHidden Layer
Working of a Neural Network
Working of a Neural Network
Lets understand how a neural network classifies the images of Dogs and Cats
How to identify
Dogs and Cats?
Feed the images of Dogs and Cats to the
neural network as input
Artificial Neural Network
Working of a Neural Network
Lets understand how a neural network classifies the images of Dogs and Cats
X
X
1
n
X2
Y^
Classifies Dogs and Cats
Cats
Dogs
Hidden Layer Hidden Layer
Working of a Neural Network
Lets consider a simple neural network
X
X
Y
Y1
2
n
w
1
wn
i=1
m
w x
i i*( ) ^ Model Output
Actual Output
Bias
Forwardpropagation
Compare predicted
output with actual outputX2
w2
Working of a Neural Network
After training the Neural Network, it uses Backpropagation method to improve the performance of the
network. Cost Function helps to reduce the error rate.
X
X
X
Y
Y1
2
n
w
1
wn
i=1
m
w x
i i*( ) ^ Model Output
Actual Output
C = ½( Y – Y )^
2
Cost Function:
w2
Bias
Cost Function
The Cost value is actually the difference between the neural nets predicted output and the actual output from a
set of labelled training data. The least cost value is obtained by making adjustments to the weights and biases
iteratively throughout the training process.
X
X
Y
Y1
n
w
1
w
w2
n
i=1
m
w x
i i*( ) ^ Model Output
Actual Output
C = ½( Y – Y )^
2
Cost Function:
Bias
X2
Why are Deep Neural Nets hard to train?
Training
Gradient is the rate at which cost changes with
respect to weight and bias
Until 2006, there was no proper method to accurately train
deep neural networks due to a basic problem with the
training process:
The Vanishing Gradient
Why are Deep Neural Nets hard to train?
Let’s understand Gradient like a slope and the training process like Rolling a ball
Slower Faster
The ball will roll slower if the slope is gentle and will roll faster if the slope is steep. Likewise, a Neural Net will
train slowly if the Gradient is small and it will train quickly if the Gradient is large.
Gradient Descent
Gradient Descent is an optimization algorithm for finding the minimum of a function
C = ½( Y – Y )^ 2
C
W
C
W
Best
Neural Network Prediction
Forwardpropagation
X
X
X
1
n
2
Y^
Cats
DogsW1
W2
W3
W4
W5
W6
W7
W8
W9
w10
W11
W12
W13
W14
W15
W16
W17
W18
W19
W20
W21
W22
W23
W24
W25
W26
Applying the weights to each interconnection
Neural Network Prediction
Forwardpropagation
X
X
X
1
n
2
Y^
Cats
Dogs
Applying the activation functions to the hidden layers to
decide which nodes to fire and carry out feature
extraction
Neural Network Prediction
Forwardpropagation
X
X
X
1
n
2
Y^
Cats
Dogs
Applying the activation functions to the hidden layers to
decide which nodes to fire and carry out feature
extraction
Neural Network Prediction
Forwardpropagation
X
X
X
1
n
2
Y^
Y
Actual Output
Comparing the predicted output to actual output
Neural Network Prediction
Forwardpropagation
X
X
X
1
n
2
Y^
Y
Actual Output
Cost Function:
2
C = ½( Y – Y )
Applying the cost function to minimize the difference
between predicted and actual output using gradient
descent algorithm
Neural Network Prediction
Backpropagation
2
C = ½( Y – Y )
X
X
1
3
Y^
Adjusting the weights and biases using backpropagation
method to improve the model
X2
Y
Actual Output
Cost Function:
W23
W24
W25
W26
Neural Network Prediction
Forwardpropagation
X
X
X
1
n
2
Y^
Applying the updated weights and biases to
calculate the cost value in order to improve the
prediction rate
Cost Function:
2
C = ½( Y – Y )
W1
W2
W3
W4
W5
W6
W7
W8
W9
w10
W11
W12
W13
W14
W15
W16
W17
W18
W19
W20
W21
W22
Neural Network Prediction
Forwardpropagation
X
X
X
1
n
2
Y^
Cats
Dogs
Classifying the images based on the extracted features
Neural Network Prediction
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutorial | Simplilearn

Más contenido relacionado

La actualidad más candente

What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...Edureka!
 
What is Deep Learning?
What is Deep Learning?What is Deep Learning?
What is Deep Learning?NVIDIA
 
Deep learning for medical imaging
Deep learning for medical imagingDeep learning for medical imaging
Deep learning for medical imaginggeetachauhan
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNNNoura Hussein
 
Intro to deep learning
Intro to deep learning Intro to deep learning
Intro to deep learning David Voyles
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Gaurav Mittal
 
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...Simplilearn
 
An Introduction to Deep Learning
An Introduction to Deep LearningAn Introduction to Deep Learning
An Introduction to Deep LearningPoo Kuan Hoong
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep LearningOswald Campesato
 
Machine Learning and Real-World Applications
Machine Learning and Real-World ApplicationsMachine Learning and Real-World Applications
Machine Learning and Real-World ApplicationsMachinePulse
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkKnoldus Inc.
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNNShuai Zhang
 
Intro to Neural Networks
Intro to Neural NetworksIntro to Neural Networks
Intro to Neural NetworksDean Wyatte
 
Object detection with deep learning
Object detection with deep learningObject detection with deep learning
Object detection with deep learningSushant Shrivastava
 
Deep Learning Tutorial
Deep Learning TutorialDeep Learning Tutorial
Deep Learning TutorialAmr Rashed
 

La actualidad más candente (20)

Neural Networks
Neural NetworksNeural Networks
Neural Networks
 
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...
 
What is Deep Learning?
What is Deep Learning?What is Deep Learning?
What is Deep Learning?
 
Deep learning for medical imaging
Deep learning for medical imagingDeep learning for medical imaging
Deep learning for medical imaging
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNN
 
Intro to deep learning
Intro to deep learning Intro to deep learning
Intro to deep learning
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
 
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
 
An Introduction to Deep Learning
An Introduction to Deep LearningAn Introduction to Deep Learning
An Introduction to Deep Learning
 
Deep learning presentation
Deep learning presentationDeep learning presentation
Deep learning presentation
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Deep learning ppt
Deep learning pptDeep learning ppt
Deep learning ppt
 
Machine Learning and Real-World Applications
Machine Learning and Real-World ApplicationsMachine Learning and Real-World Applications
Machine Learning and Real-World Applications
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
 
Intro to Neural Networks
Intro to Neural NetworksIntro to Neural Networks
Intro to Neural Networks
 
1.Introduction to deep learning
1.Introduction to deep learning1.Introduction to deep learning
1.Introduction to deep learning
 
Object detection with deep learning
Object detection with deep learningObject detection with deep learning
Object detection with deep learning
 
Deep Learning Tutorial
Deep Learning TutorialDeep Learning Tutorial
Deep Learning Tutorial
 

Similar a What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutorial | Simplilearn

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
 
Deep learning algorithms
Deep learning algorithmsDeep learning algorithms
Deep learning algorithmsRevanth Kumar
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learningRADO7900
 
Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural NetworksDatabricks
 
Neural-Networks.ppt
Neural-Networks.pptNeural-Networks.ppt
Neural-Networks.pptRINUSATHYAN
 
Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...
Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...
Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...Simplilearn
 
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習台灣資料科學年會
 
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
 
NeuralProcessingofGeneralPurposeApproximatePrograms
NeuralProcessingofGeneralPurposeApproximateProgramsNeuralProcessingofGeneralPurposeApproximatePrograms
NeuralProcessingofGeneralPurposeApproximateProgramsMohid Nabil
 
Towards neuralprocessingofgeneralpurposeapproximateprograms
Towards neuralprocessingofgeneralpurposeapproximateprogramsTowards neuralprocessingofgeneralpurposeapproximateprograms
Towards neuralprocessingofgeneralpurposeapproximateprogramsParidha Saxena
 
Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)Julien SIMON
 
Separating Hype from Reality in Deep Learning with Sameer Farooqui
 Separating Hype from Reality in Deep Learning with Sameer Farooqui Separating Hype from Reality in Deep Learning with Sameer Farooqui
Separating Hype from Reality in Deep Learning with Sameer FarooquiDatabricks
 
Artificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning ModelsArtificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning ModelsDrBaljitSinghKhehra
 
Artificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning ModelsArtificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning ModelsDrBaljitSinghKhehra
 
Artificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning ModelsArtificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning ModelsDrBaljitSinghKhehra
 

Similar a What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutorial | Simplilearn (20)

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
 
Deep learning algorithms
Deep learning algorithmsDeep learning algorithms
Deep learning algorithms
 
Neural Networks
Neural NetworksNeural Networks
Neural Networks
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
 
Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural Networks
 
Neural-Networks.ppt
Neural-Networks.pptNeural-Networks.ppt
Neural-Networks.ppt
 
Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...
Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...
Deep Learning Tutorial | Deep Learning TensorFlow | Deep Learning With Neural...
 
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
 
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...
 
NeuralProcessingofGeneralPurposeApproximatePrograms
NeuralProcessingofGeneralPurposeApproximateProgramsNeuralProcessingofGeneralPurposeApproximatePrograms
NeuralProcessingofGeneralPurposeApproximatePrograms
 
Towards neuralprocessingofgeneralpurposeapproximateprograms
Towards neuralprocessingofgeneralpurposeapproximateprogramsTowards neuralprocessingofgeneralpurposeapproximateprograms
Towards neuralprocessingofgeneralpurposeapproximateprograms
 
Artificial Neural networks
Artificial Neural networksArtificial Neural networks
Artificial Neural networks
 
Neural Network
Neural NetworkNeural Network
Neural Network
 
Deep learning (2)
Deep learning (2)Deep learning (2)
Deep learning (2)
 
Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)
 
Separating Hype from Reality in Deep Learning with Sameer Farooqui
 Separating Hype from Reality in Deep Learning with Sameer Farooqui Separating Hype from Reality in Deep Learning with Sameer Farooqui
Separating Hype from Reality in Deep Learning with Sameer Farooqui
 
Artificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning ModelsArtificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning Models
 
Artificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning ModelsArtificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning Models
 
Artificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning ModelsArtificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning Models
 
Deep Learning Survey
Deep Learning SurveyDeep Learning Survey
Deep Learning Survey
 

Más de 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
 

Más de 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...
 

Último

Hybridoma Technology ( Production , Purification , and Application )
Hybridoma Technology  ( Production , Purification , and Application  ) Hybridoma Technology  ( Production , Purification , and Application  )
Hybridoma Technology ( Production , Purification , and Application ) Sakshi Ghasle
 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptxVS Mahajan Coaching Centre
 
Privatization and Disinvestment - Meaning, Objectives, Advantages and Disadva...
Privatization and Disinvestment - Meaning, Objectives, Advantages and Disadva...Privatization and Disinvestment - Meaning, Objectives, Advantages and Disadva...
Privatization and Disinvestment - Meaning, Objectives, Advantages and Disadva...RKavithamani
 
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdfssuser54595a
 
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptxPOINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptxSayali Powar
 
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
 
A Critique of the Proposed National Education Policy Reform
A Critique of the Proposed National Education Policy ReformA Critique of the Proposed National Education Policy Reform
A Critique of the Proposed National Education Policy ReformChameera Dedduwage
 
Sanyam Choudhary Chemistry practical.pdf
Sanyam Choudhary Chemistry practical.pdfSanyam Choudhary Chemistry practical.pdf
Sanyam Choudhary Chemistry practical.pdfsanyamsingh5019
 
Measures of Central Tendency: Mean, Median and Mode
Measures of Central Tendency: Mean, Median and ModeMeasures of Central Tendency: Mean, Median and Mode
Measures of Central Tendency: Mean, Median and ModeThiyagu K
 
mini mental status format.docx
mini    mental       status     format.docxmini    mental       status     format.docx
mini mental status format.docxPoojaSen20
 
Beyond the EU: DORA and NIS 2 Directive's Global Impact
Beyond the EU: DORA and NIS 2 Directive's Global ImpactBeyond the EU: DORA and NIS 2 Directive's Global Impact
Beyond the EU: DORA and NIS 2 Directive's Global ImpactPECB
 
1029-Danh muc Sach Giao Khoa khoi 6.pdf
1029-Danh muc Sach Giao Khoa khoi  6.pdf1029-Danh muc Sach Giao Khoa khoi  6.pdf
1029-Danh muc Sach Giao Khoa khoi 6.pdfQucHHunhnh
 
The basics of sentences session 2pptx copy.pptx
The basics of sentences session 2pptx copy.pptxThe basics of sentences session 2pptx copy.pptx
The basics of sentences session 2pptx copy.pptxheathfieldcps1
 
How to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptxHow to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptxmanuelaromero2013
 
microwave assisted reaction. General introduction
microwave assisted reaction. General introductionmicrowave assisted reaction. General introduction
microwave assisted reaction. General introductionMaksud Ahmed
 
“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
 
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
 

Último (20)

Hybridoma Technology ( Production , Purification , and Application )
Hybridoma Technology  ( Production , Purification , and Application  ) Hybridoma Technology  ( Production , Purification , and Application  )
Hybridoma Technology ( Production , Purification , and Application )
 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
 
Privatization and Disinvestment - Meaning, Objectives, Advantages and Disadva...
Privatization and Disinvestment - Meaning, Objectives, Advantages and Disadva...Privatization and Disinvestment - Meaning, Objectives, Advantages and Disadva...
Privatization and Disinvestment - Meaning, Objectives, Advantages and Disadva...
 
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
 
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptxPOINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.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
 
A Critique of the Proposed National Education Policy Reform
A Critique of the Proposed National Education Policy ReformA Critique of the Proposed National Education Policy Reform
A Critique of the Proposed National Education Policy Reform
 
Sanyam Choudhary Chemistry practical.pdf
Sanyam Choudhary Chemistry practical.pdfSanyam Choudhary Chemistry practical.pdf
Sanyam Choudhary Chemistry practical.pdf
 
Measures of Central Tendency: Mean, Median and Mode
Measures of Central Tendency: Mean, Median and ModeMeasures of Central Tendency: Mean, Median and Mode
Measures of Central Tendency: Mean, Median and Mode
 
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
 
mini mental status format.docx
mini    mental       status     format.docxmini    mental       status     format.docx
mini mental status format.docx
 
Beyond the EU: DORA and NIS 2 Directive's Global Impact
Beyond the EU: DORA and NIS 2 Directive's Global ImpactBeyond the EU: DORA and NIS 2 Directive's Global Impact
Beyond the EU: DORA and NIS 2 Directive's Global Impact
 
INDIA QUIZ 2024 RLAC DELHI UNIVERSITY.pptx
INDIA QUIZ 2024 RLAC DELHI UNIVERSITY.pptxINDIA QUIZ 2024 RLAC DELHI UNIVERSITY.pptx
INDIA QUIZ 2024 RLAC DELHI UNIVERSITY.pptx
 
1029-Danh muc Sach Giao Khoa khoi 6.pdf
1029-Danh muc Sach Giao Khoa khoi  6.pdf1029-Danh muc Sach Giao Khoa khoi  6.pdf
1029-Danh muc Sach Giao Khoa khoi 6.pdf
 
The basics of sentences session 2pptx copy.pptx
The basics of sentences session 2pptx copy.pptxThe basics of sentences session 2pptx copy.pptx
The basics of sentences session 2pptx copy.pptx
 
How to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptxHow to Make a Pirate ship Primary Education.pptx
How to Make a Pirate ship Primary Education.pptx
 
microwave assisted reaction. General introduction
microwave assisted reaction. General introductionmicrowave assisted reaction. General introduction
microwave assisted reaction. General introduction
 
Mattingly "AI & Prompt Design: Structured Data, Assistants, & RAG"
Mattingly "AI & Prompt Design: Structured Data, Assistants, & RAG"Mattingly "AI & Prompt Design: Structured Data, Assistants, & RAG"
Mattingly "AI & Prompt Design: Structured Data, Assistants, & RAG"
 
“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...
 
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
 

What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutorial | Simplilearn

  • 2. Image Recognition How does image recognition work?
  • 3. Image Recognition How does image recognition work? Images of Dogs
  • 4. Image Recognition How does image recognition work? Images of Dogs Artificial Neural Network
  • 5. Image Recognition How does image recognition work? Images of Dogs New Images of AnimalsArtificial Neural Network
  • 6. Image Recognition How does image recognition work? Images of Dogs Identifies which are dogsNew Images of AnimalsArtificial Neural Network
  • 7. Image Recognition Lets understand how Artificial Neural Network identifies the images
  • 8. Image Recognition Lets understand how Artificial Neural Network identifies the images Training Data
  • 9. Image Recognition Lets understand how Artificial Neural Network identifies the images Training Data Artificial Neural Network
  • 10. Image Recognition Lets understand how Artificial Neural Network identifies the images Training Data Feature Extraction Artificial Neural Network
  • 11. Image Recognition Lets understand how Artificial Neural Network identifies the images Training Data Feature Extraction Artificial Neural Network Artificial Neural Network Test Data
  • 12. Image Recognition Lets understand how Artificial Neural Network identifies the images Training Data Feature Extraction Identifies the Dogs Artificial Neural Network Artificial Neural Network Test Data
  • 13. What’s in it for you? What is Deep Learning? Why do we need Deep Learning? Applications of Deep Learning What is a Neural Network? Activation Functions Working of a Neural Network
  • 14. What is Deep Learning?
  • 15. 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 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
  • 16. Why do we need Deep Learning? Process huge amount of data Machine Learning algorithms work with huge amount of structured data but Deep Learning algorithms can work with enormous amount of structured and unstructured data Perform complex algorithms Machine Learning algorithms cannot perform complex operations, to do that we need Deep Learning algorithms To achieve the best performance with large amount of data As the amount of data increases, the performance of Machine Learning algorithms decreases, to make sure the performance of a model is good, we need Deep Learning Feature Extraction Machine Learning algorithms extract patterns based on labelled sample data, while Deep Learning algorithms take large volumes of data as input, analyze the input to extract features out of an object and identifies similar objects
  • 18. Applications of Deep Learning Cancer Detection Deep Learning helps to detect cancerous tumors in the human body
  • 19. Applications of Deep Learning Robot Navigation Deep Learning is used to train robots to perform human tasks
  • 20. Applications of Deep Learning Autonomous Driving Cars Distinguishes different types of objects, people, road signs and drives without human intervention
  • 21. Applications of Deep Learning Machine Translation Given a word, phrase or a sentence in one language, automatically translates it into another language
  • 22. Applications of Deep Learning Music Composition Deep Neural Nets can be used to produce music by making computers learn the patterns in a composition
  • 23. Applications of Deep Learning Colorization of images Uses the object and their context within the photograph to color the image
  • 24. What is a Neural Network?
  • 25. What is a Neural Network? Deep Learning is based on the functioning of a human brain, lets understand how does a Biological Neural Network look like Dendrite Cell Nucleus Synapse Axon
  • 26. What is a Neural Network? Deep Learning is based on the functioning of a human brain, lets understand how does an Artificial Neural Network look like Neuron X1 X2 Xn Input 1 Input 2 Input n Y Output w1 w2 wn
  • 27. Biological Neuron vs Artificial Neuron Neuron X1 X2 Xn Input 1 Input 2 Input n Y Output w1 w2 wn Biological Neuron Cell Nucleus Artificial Neuron Synapse Dendrites Axon Inputs Nodes Weights Output AxonCell Nucleus Dendrite Synapse Nodes
  • 28. What is a Neural Network? First step in the process is to calculate the weighted sum of the inputs and add a bias X1 X2 Xn Input 1 Input 2 Input n w1 w2 w Step 1 i=1 n w x + b i i* n Transfer Function
  • 29. What is a Neural Network? Second step in the process is to pass the calculated weighted sum as input to the activation function to generate the output X1 X2 Xn Input 1 Input 2 Input n Y Output w1 w2 w Step 1 i=1 n w x + b i i* n Step 2 Activation FunctionTransfer Function
  • 30. Activation Functions An Activation function takes the “weighted sum of input plus the bias” as the input to the function and decides whether it should be fired or not Types of Activation Functions Sigmoid Function Threshold Function ReLU Function Hyperbolic Tangent Function
  • 31. Activation Functions Sigmoid Function Used for models where we have to predict the probability as an output. It exists between 0 and 1. i=1 n w x + b i i* 0 1 Y (X)= 1 1 + e-x
  • 32. Threshold Function Activation Functions It is a threshold based activation function. If Y value is greater than a certain value, the function is activated and fired else not. i=1 n w x + b i i* 0 1 Y (X)= 1, if x>=0 0, if x<0( )
  • 33. ReLU Function Activation Functions It is the most widely used Activation function and gives an output of X if X is positive and 0 otherwise i=1 n w x + b i i* 0 1 Y (X) = max(X,0)
  • 34. Hyperbolic Tangent Function Activation Functions This function is similar to Sigmoid function and is bound to range (-1, 1) 0 1 Y (X)= 1 - e 1 + e-2x i=1 n w x + b i i* - 1 -2x
  • 35. Activation Functions X X X 1 n 2 Y Output Input 1 Input 2 Input n Input Layer Output LayerHidden Layer
  • 36. Working of a Neural Network
  • 37. Working of a Neural Network Lets understand how a neural network classifies the images of Dogs and Cats How to identify Dogs and Cats? Feed the images of Dogs and Cats to the neural network as input Artificial Neural Network
  • 38. Working of a Neural Network Lets understand how a neural network classifies the images of Dogs and Cats X X 1 n X2 Y^ Classifies Dogs and Cats Cats Dogs Hidden Layer Hidden Layer
  • 39. Working of a Neural Network Lets consider a simple neural network X X Y Y1 2 n w 1 wn i=1 m w x i i*( ) ^ Model Output Actual Output Bias Forwardpropagation Compare predicted output with actual outputX2 w2
  • 40. Working of a Neural Network After training the Neural Network, it uses Backpropagation method to improve the performance of the network. Cost Function helps to reduce the error rate. X X X Y Y1 2 n w 1 wn i=1 m w x i i*( ) ^ Model Output Actual Output C = ½( Y – Y )^ 2 Cost Function: w2 Bias
  • 41. Cost Function The Cost value is actually the difference between the neural nets predicted output and the actual output from a set of labelled training data. The least cost value is obtained by making adjustments to the weights and biases iteratively throughout the training process. X X Y Y1 n w 1 w w2 n i=1 m w x i i*( ) ^ Model Output Actual Output C = ½( Y – Y )^ 2 Cost Function: Bias X2
  • 42. Why are Deep Neural Nets hard to train? Training Gradient is the rate at which cost changes with respect to weight and bias Until 2006, there was no proper method to accurately train deep neural networks due to a basic problem with the training process: The Vanishing Gradient
  • 43. Why are Deep Neural Nets hard to train? Let’s understand Gradient like a slope and the training process like Rolling a ball Slower Faster The ball will roll slower if the slope is gentle and will roll faster if the slope is steep. Likewise, a Neural Net will train slowly if the Gradient is small and it will train quickly if the Gradient is large.
  • 44. Gradient Descent Gradient Descent is an optimization algorithm for finding the minimum of a function C = ½( Y – Y )^ 2 C W C W Best
  • 46. Neural Network Prediction Forwardpropagation X X X 1 n 2 Y^ Cats Dogs Applying the activation functions to the hidden layers to decide which nodes to fire and carry out feature extraction
  • 47. Neural Network Prediction Forwardpropagation X X X 1 n 2 Y^ Cats Dogs Applying the activation functions to the hidden layers to decide which nodes to fire and carry out feature extraction
  • 48. Neural Network Prediction Forwardpropagation X X X 1 n 2 Y^ Y Actual Output Comparing the predicted output to actual output
  • 49. Neural Network Prediction Forwardpropagation X X X 1 n 2 Y^ Y Actual Output Cost Function: 2 C = ½( Y – Y ) Applying the cost function to minimize the difference between predicted and actual output using gradient descent algorithm
  • 50. Neural Network Prediction Backpropagation 2 C = ½( Y – Y ) X X 1 3 Y^ Adjusting the weights and biases using backpropagation method to improve the model X2 Y Actual Output Cost Function:
  • 51. W23 W24 W25 W26 Neural Network Prediction Forwardpropagation X X X 1 n 2 Y^ Applying the updated weights and biases to calculate the cost value in order to improve the prediction rate Cost Function: 2 C = ½( Y – Y ) W1 W2 W3 W4 W5 W6 W7 W8 W9 w10 W11 W12 W13 W14 W15 W16 W17 W18 W19 W20 W21 W22

Notas del editor

  1. Style - 01