SlideShare a Scribd company logo
1 of 56
Large volume of data on
cats and dogs Train the model Feature Extraction
Learns from large volumes of structured and unstructured data and uses complex
algorithms to train a neural network
Performs complex operations to extract hidden patterns and features
Classify the image
What is Deep Learning?
1
Human brain inspired systems
which replicate the way humans
learn
Consists of 3 layers of network
(input, hidden and output)
Each layer contains neurons
called as nodes that perform
various operations
Used in Deep Learning
algorithms like CNN, RNN,
GAN, etc
Input OutputHidden
Nodes
What is a Neural Network?
2
MultilayerPerceptron
• It has the same structure of a single layer
perceptron with one or more hidden layers.
• Except the input layer, each node in the other
layers uses a nonlinear activation function
• MLP uses supervised learning method called
backpropagation for training the model
• Single layer perceptron can classify only linearly
separable classes with binary output (0, 1) but MLP
can classify non-linear classes Multilayer Perceptron with an input layer, a
hidden layer and an output layer
What is a Multilayer Perceptron (MLP)?
3
Restructure the data and
improve integrity
Preprocessing step to
standardize the data
Used to reduce and eliminate data
redundancy
Rescale values to fit into a particular
range for achieving better convergence
1
2
3
4
What is Data Normalization and why do we need it?
4
Visible/Input
layer Hidden layer
Shallow, two-layer neural nets that make stochastic decisions
whether a neuron should be on or off
1st layer is the visible layer and 2nd layer is the hidden layer
Nodes are connected to each other across layers but no two nodes of
the same layer are connected. Hence it is also known as Restricted
Boltzmann Machine
What is a Boltzmann Machine?
5
 Activation Function decides whether a neuron should be fired or not
 Accepts the weighted sum of inputs and a bias as input to any activation function
 The node which gets fired depends on the Y value
 Step function, Sigmoid, ReLU, Tanh, Softmax are some of the examples of Activations Functions
Y = (Weight * input) + bias
Sigmoid function Step function ReLU function Tanh function
What is the role of Activation Functions in neural network?
6
 Cost Function is the measure to evaluate how good your model’s performance is
 It is also referred as loss or error
 Used to compute the error of the output layer during backpropagation
Mean Squared Error is an example of a popular cost function:
Cost Function: C = ½( Y – Y )
2^ Y -------> Original Output
Y -------> Predicted Output
^
What is a cost function?
7
 Gradient Descent is an optimization algorithm to minimize the cost function in order to maximize the performance of the
model
 Aim is to find the local or global minima of a function
 Determines the direction the model should take to reduce the error
Gradient
C
W
Global Minimum cost
What is Gradient Descent?
8
• Neural Network technique to minimize the
cost function
• Helps to improve the performance of the
network
• Backpropagates the error and updates the
weights to reduce the error
X
X
X
1
3
2
Y^
YW1
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
What do you understand by Backpropagation?
9
Feedforward Neural Network
• Signals travel in one direction, from input to output
• No feedback (loops)
• Considers only the current input
• Cannot memorize pervious inputs (eg: CNN)
Feed Forward Neural
Network
1
0
What is the difference between Feedforward Neural Network and
Recurrent Neural Network?
Recurrent Neural Network
• Signals travel in both directions, making it a
looped network
• Considers the current input along with the
previously received inputs for generating the
output of a layer
• Has the ability to memorize past data due to
its internal memory
h
y
x
A
B
C
Recurrent Neural Network
1
0
What is the difference between Feedforward Neural Network and
Recurrent Neural Network?
Positive
Sentiment
RNN can be used for Sentiment Analysis and Text Mining
Getting up early in the morning is good for health.
What are some applications of Recurrent Neural Network?
1
1
RNN help you caption an image
Kids are playing football
What are some applications of Recurrent Neural Network?
1
1
Time series problem like predicting the prices of stocks in a month or
quarter or sale of products can be solved using RNN
What are some applications of Recurrent Neural Network?
1
1
• Softmax is an activation function that
generates the output between 0 and 1
• It divides each output such that the total
sum of the outputs is equal to 1
• It is often used in the output layers
1.2
0.9
0.4
0.46
0.34
0.20
Softmax
Softmax(Ln)=
|| e ||
L
Ln
e
What are Softmax and ReLU functions?1
2
• ReLU stands for Rectified Linear Unit and is
the most widely used activation function
• It gives an output of X if X is positive and 0
otherwise
• It is often used in the hidden layers
What are Softmax and ReLU functions?1
2
 A hyperparameter is a parameter whose value is set before the learning process begins
 Determines how a network is trained and the structure of the network
 Number of hidden units, learning rate, epochs, etc are some examples of hyperparameters
Model
Data
Optimized
Model
Train Compare
Modify
hyperparameters
What are hyperparameters?1
3
Learning rate too
low
Learning rate too
high
• Training of the model will
progress very slowly as
we are making very tiny
updates to the weights
• Will take many updates
before reaching the
minimum pointLearning rate
too low
Learning rate
too high
• Causes undesirable
divergent behavior to the
loss function due to
drastic updates in weights
• At times it may fail to
converge or even diverge
What will happen if learning rate is set too low or too high?1
4
 Dropout is a technique of dropping out hidden and visible units of a network randomly to prevent overfitting of data
 It doubles the number of iterations needed to converge the network
Standard Neural Network After Applying Dropout
What is Dropout and Batch Normalization?1
5
 Batch Normalization is the technique to improve the performance and stability of neural network
 The idea is to normalize the inputs in every layer so that they have mean output activation of zero and standard
deviation of one
Benefits
Higher learning
rates
Weights easier to
initialize
Provides
regularization
Trains faster
What is Dropout and Batch Normalization?1
5
Stochastic Gradient Descent
• Stochastic Gradient computes the gradient
using a single sample
• It converges much faster than batch gradient
because it updates weight more frequently
Batch Gradient Descent
• Batch gradient computes the gradient using
the entire dataset
• It takes time to converge because the
volume of data is huge and weights update
slowly
1
6
What is the difference between Batch Gradient Descent and
Stochastic Gradient Descent?
Overfitting
• Overfitting happens when a model learns the details
and noise in the training data to the degree that it
adversely impacts the execution of the model on new
information
• It is more likely to occur with nonlinear models that have
more flexibility when learning a target function
Explain Overfitting and Underfitting and how to combat them.1
7
Underfitting
• Underfitting alludes to a model that is neither well
trained on training data nor can generalize to new
information
• Usually happens when there is less and improper data
to train a model
• Has poor performance and accuracy
Explain Overfitting and Underfitting and how to combat them.1
7
Combating Overfitting and Underfitting
• Resampling the data to estimate the model
accuracy (k-fold cross validation)
• Having a validation dataset to evaluate the
model
Sample 1 Sample 2 Sample 3
Original Data
Explain Overfitting and Underfitting and how to combat them.1
7
• All the weights are set to 0. This makes
your model similar to a linear model
• All the neurons in every layer perform the
same operation, giving the same output
and making the deep net useless
Initializing all weights to zero:
Input Layer Hidden Layers Output Layer
W1=0
W2=0
W3=0
W4=0
.
.
.
.
.
.
W11=0
W12=0
W13=0
W14=0
.
.
.
.
.
.
weights are set to 0
w=np.zeros(layer_size[l],layer_size[l-1])
W21=0
W22=0
W23=0
W24=0
.
.
.
.
.
How are weights initialized in a network?1
8
Initializing all weights randomly:
Input Layer Hidden Layers Output Layer
W1=.2
W2=.1
W3=.1
1
W4=.3
.
.
.
.
.
.
weights are set randomly
w=np.random.randn(layer_size[l],layer_size[l-1])
• Here, the weights are assigned randomly
by initializing them very close to zero
• It gives better accuracy to the model since
every neuron performs different
computations
W11=.3
W12=.12
W13=.1
W14=.2
.
.
.
.
.
W21=.4
W22=.12
W23=.13
W24=.31
.
.
.
.
.
How are weights initialized in a network?1
8
Fully connected layer recognises and
classifies the objects in the image
Pooling is a down-sampling operation that
reduces the dimensionality of the feature
map
ReLU brings non-linearity to the network and
converts all the negative pixels to 0. Output is
rectified feature map
1. Convolution Layer 2. ReLU Layer
3. Pooling Layer 4. Fully Connected Layer
Convolution layer that performs the
convolution operation
What are the different layers in CNN?
1
9
Pooling
• Used to reduce the spatial dimensions of
a CNN
• Performs down-sampling operation to
reduce the dimensionality
• Creates a pooled feature map by sliding
a filter matrix over the input matrix
1
2
4
6
2 7
58
3 04
1 2 3 1
7
6 8
4 7
max pooling with 2x2
filters and stride 2
Max(3, 4, 1, 2) = 4
Pooled feature map
Rectified feature map
What is Pooling in CNN and how does it work?
20
LSTMs are special kind of Recurrent Neural Networks, capable of learning long-term dependencies. Remembering
information for long periods of time is their default behavior.
+x
tan
h
x
ta
nh
x
+x
tanh
x
tanh
x
+x
tan
h
x
ta
nh
x
ht-1 ht
ht+1
xt-1 xt Xt+1
A A
How does LSTM network work?
21
There are 3 steps in the process
Step 1 Step 2 Step 3
Decides what to
forget and what
to remember
Selectively
update cell state
values
Output certain
parts of cell state
Ct-1 Ct
How does LSTM network work?
21
Step 1 Step 2 Step 3
Decides what to
forget and what
to remember
Selectively
update cell state
values
Output certain
parts of cell state
Ct-1 Ct
There are 3 steps in the process
How does LSTM network work?
21
Step 1 Step 2 Step 3
Decides what to
forget and what
to remember
Selectively
update cell state
values
Decides what
part of the current
state make it to
the output
Ct-1 Ct
There are 3 steps in the process
How does LSTM network work?
21
While training a RNN, your slope can become either too small
or too large and this makes training difficult. When the slope
is too small, the problem is know as Vanishing gradient
Change in Y
Change in X
Y
X
Slope decreases gradually to a very small
value (sometimes negative) and makes
training difficult
What are Vanishing and Exploding gradients?
22
When the slope tends to grow exponentially instead of
decaying, this problem is called Exploding gradient
• Long training time
• Poor performance
• Low accuracy
Issues in Gradient Problem
Slope grows
exponentially
Y
X
What are Vanishing and Exploding gradients?
22
An Epoch represents one
iteration over the entire dataset
Epoch
We cannot pass the entire
dataset into the neural network
at once. So, we divide the
dataset into number of batches
Batch Iteration
If we have 10,000 images as
data and a batch size of 200,
then an epoch should run
10,000/200 = 50 iterations
23 What is the difference between Epoch, Batch and Iteration in Deep Learning?
Provides both C++ and
Python API’s that makes
it easier to work on
Has a faster compilation
time than other Deep
Learning libraries like
Keras and Torch
TensorFlow supports
both CPU’s and GPU’s
computing devices
Why TensorFlow is the most preferred library in Deep Learning?
24
Tensor is a mathematical object represented as arrays of higher dimensions. These arrays
of data with different dimensions and ranks that are fed as input to the neural network are
called Tensors
Input
Layer
Hidden
Layers
Output
Layer
1
6
8
3
9
3
3
4
1
7
4
9
1
5
3
7
1
6
9
2
Tensor of
Dimensions[5,4]
What do you mean by Tensor in TensorFlow?
25
Constants Variables
Variables allow us to add new trainable
parameters to graph. To define a variable, we
use tf.Variable() command and initialize them
before running the graph in a session.
Example:
W = tf.Variable([.3],dtype=tf.float32)
b = tf.Variable([-.3],dtype=tf.float32)
Constants are parameters whose value
does not change. To define a constant, we
use tf.constant() command
Example:
a = tf.constant(2.0, tf.float32)
b = tf.constant(3.0)
Print(a, b)
What are the programming elements in TensorFlow?
26
Constants Variables
Variables allow us to add new trainable
parameters to graph. To define a variable, we
use tf.Variable() command and initialize them
before running the graph in a session
Example:
W = tf.Variable([.3],dtype=tf.float32)
b = tf.Variable([-.3],dtype=tf.float32)
Constants are parameters whose value
does not change. To define a constant, we
use tf.constant() command.
Example:
a = tf.constant(2.0, tf.float32)
b = tf.constant(3.0)
Print(a, b)
What are the programming elements in TensorFlow?
26
Placeholders
Placeholders allow us to feed data to a
tensorflow model from outside a model. It
permits a value to be assigned later. To define
a placeholder, we use tf.placeholder()
command
Example:
a = tf.placeholder(tf.float32)
b = a*2
with tf.Session() as sess:
result = sess.run(b,feed_dict={a:3.0})
print result
Session
A Session is run to evaluate the nodes. This
is called as the TensorFlow runtime.
Example:
a = tf.constant(2.0)
b = tf.constant(4.0)
c = a+b
# Launch Session
sess = tf.Session()
# Evaluate the tensor c
print(sess.run(c))
What are the programming elements in TensorFlow?
26
Placeholders
Placeholders allow us to feed data to a
tensorflow model from outside a model. It
permits a value to be assigned later. To define
a placeholder, we use tf.placeholder()
command.
Example:
a = tf.placeholder(tf.float32)
b = a*2
with tf.Session() as sess:
result = sess.run(b,feed_dict={a:3.0})
print result
Session
A Session is run to evaluate the nodes. This
is called as the TensorFlow runtime
Example:
a = tf.constant(2.0)
b = tf.constant(4.0)
c = a+b
# Launch Session
sess = tf.Session()
# Evaluate the tensor c
print(sess.run(c))
What are the programming elements in TensorFlow?
26
Everything in TensorFlow is based on creating a computational graph
It has a network of nodes where each node performs an operation
Nodes represent mathematical operation and edges represent tensors
Since data flows in the form a graph, it is also called as DataFlow Graph
What do you understand by a Computational Graph?
27
input
input
add
mul
mul
a
b
c
d
e
2
5
4
3
5
20
100
Nodes ----------> Mathematical operation
Edges ----------> Data flow
What do you understand by a Computational Graph?
27
Suppose, there is a wine shop that purchases wine from
dealers which they will resell later
Dealer Wine Shop owner
Explain Generative Adversarial Network along with an example.
28
But, there are some malefactor dealers who sell fake wine. In
this case, the shop owner should be able to distinguish
between fake and authentic wines
Forger Fake wine Shop owner
Explain Generative Adversarial Network along with an example.
28
The Forger will try different techniques to sell fake wine and
make sure certain techniques go past the shop owner’s
check
Forger Fake wine Shop owner
Explain Generative Adversarial Network along with an example.
28
The shop owner would probably get some feedback from
wine experts that some of his wine is not original. The owner
would have to improve how he determines whether a wine is
fake or authentic.
Forger Fake wine Shop owner
Explain Generative Adversarial Network along with an example.
28
Goal of forger ------> to create wines that are indistinguishable from the authentic ones
Goal of shop owner ------> to accurately tell if a wine is real or not
Forger Fake wine Shop owner
Explain Generative Adversarial Network along with an example.
28
There are 2 main components of GAN: Generator and Discriminator
Real authentic
wine dataset
(Forger) (Fake wine) (Shop owner)
Real
Fake
Noise
vector
Generator
Generated/Fake wine Discriminator
Explain Generative Adversarial Network along with an example.
28
The Generator is a CNN that keeps producing images that are closer in
appearance to the real images while the Discriminator tries to determine the
difference between real and fake images. The ultimate aim is to make the
Discriminator learn to identify real and fake images/data.
Explain Generative Adversarial Network along with an example.
28
Outputs are same as inputs
Input
Hidden
(encoding)
Output
It is a neural network that has 3 layers
The network’s target output is same as
the input. It uses dimensionality reduction
to restructure the input.
The network is trained to reconstruct its
inputs. Here, the input neurons are equal
to the output neurons
What is an auto-encoder?
29
It works by compressing the input to a latent-space representation and then
reconstructing the output from this representation.
What is an auto-encoder?
29
Train data
Randomly select data into the bags and
train your model separately
Bagging
Model 1 Model 2 Model 3 Model 4
TrainTrainTrain Train
Vote the best model
Bag 1 Bag 2 Bag 3 Bag 4
 Bagging and Boosting are ensemble techniques where the idea is to train multiple models using the same
learning algorithm and then take a call
Dataset
Test data
What is Bagging and Boosting?
30
 In Boosting, the emphasis is to select the data points which give wrong output in order the improve the accuracy
Boosting
Train
Train
Bag 1
Repeat
Model 1
Data points with
wrong prediction
Model 2
Bag 2
Train data
Dataset
Test data
What is Bagging and Boosting?
30
Deep Learning Interview Questions And Answers | AI & Deep Learning Interview Questions | Simplilearn

More Related Content

What's hot

Machine Learning Course | Edureka
Machine Learning Course | EdurekaMachine Learning Course | Edureka
Machine Learning Course | Edureka
Edureka!
 

What's hot (20)

Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
 
Reinforcement learning
Reinforcement learning Reinforcement learning
Reinforcement learning
 
Neural Network Architectures
Neural Network ArchitecturesNeural Network Architectures
Neural Network Architectures
 
Deep Neural Networks (DNN)
Deep Neural Networks (DNN)Deep Neural Networks (DNN)
Deep Neural Networks (DNN)
 
Machine Learning-Linear regression
Machine Learning-Linear regressionMachine Learning-Linear regression
Machine Learning-Linear regression
 
Autoencoders
AutoencodersAutoencoders
Autoencoders
 
Feedforward neural network
Feedforward neural networkFeedforward neural network
Feedforward neural network
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
 
Activation functions
Activation functionsActivation functions
Activation functions
 
Perceptron and Sigmoid Neurons
Perceptron and Sigmoid NeuronsPerceptron and Sigmoid Neurons
Perceptron and Sigmoid Neurons
 
Machine Learning Course | Edureka
Machine Learning Course | EdurekaMachine Learning Course | Edureka
Machine Learning Course | Edureka
 
Multi Layer Network
Multi Layer NetworkMulti Layer Network
Multi Layer Network
 
Data preprocessing using Machine Learning
Data  preprocessing using Machine Learning Data  preprocessing using Machine Learning
Data preprocessing using Machine Learning
 
Activation function
Activation functionActivation function
Activation function
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
 
Perceptron
PerceptronPerceptron
Perceptron
 
Linear regression
Linear regressionLinear regression
Linear regression
 
Lec 3 knowledge acquisition representation and inference
Lec 3  knowledge acquisition representation and inferenceLec 3  knowledge acquisition representation and inference
Lec 3 knowledge acquisition representation and inference
 
Deep Learning With Python Tutorial | Edureka
Deep Learning With Python Tutorial | EdurekaDeep Learning With Python Tutorial | Edureka
Deep Learning With Python Tutorial | Edureka
 

Similar to Deep Learning Interview Questions And Answers | AI & Deep Learning Interview Questions | Simplilearn

Machine learning Module-2, 6th Semester Elective
Machine learning Module-2, 6th Semester ElectiveMachine learning Module-2, 6th Semester Elective
Machine learning Module-2, 6th Semester Elective
MayuraD1
 

Similar to Deep Learning Interview Questions And Answers | AI & Deep Learning Interview Questions | Simplilearn (20)

08 neural networks
08 neural networks08 neural networks
08 neural networks
 
Unit 2 ml.pptx
Unit 2 ml.pptxUnit 2 ml.pptx
Unit 2 ml.pptx
 
ML Module 3 Non Linear Learning.pptx
ML Module 3 Non Linear Learning.pptxML Module 3 Non Linear Learning.pptx
ML Module 3 Non Linear Learning.pptx
 
Deep learning
Deep learningDeep learning
Deep learning
 
Introduction to Neural networks (under graduate course) Lecture 9 of 9
Introduction to Neural networks (under graduate course) Lecture 9 of 9Introduction to Neural networks (under graduate course) Lecture 9 of 9
Introduction to Neural networks (under graduate course) Lecture 9 of 9
 
Lec 6-bp
Lec 6-bpLec 6-bp
Lec 6-bp
 
Deep Learning Sample Class (Jon Lederman)
Deep Learning Sample Class (Jon Lederman)Deep Learning Sample Class (Jon Lederman)
Deep Learning Sample Class (Jon Lederman)
 
Introduction to Deep learning and H2O for beginner's
Introduction to Deep learning and H2O for beginner'sIntroduction to Deep learning and H2O for beginner's
Introduction to Deep learning and H2O for beginner's
 
33.-Multi-Layer-Perceptron.pdf
33.-Multi-Layer-Perceptron.pdf33.-Multi-Layer-Perceptron.pdf
33.-Multi-Layer-Perceptron.pdf
 
UNIT 5-ANN.ppt
UNIT 5-ANN.pptUNIT 5-ANN.ppt
UNIT 5-ANN.ppt
 
Hands on machine learning with scikit-learn and tensor flow by ahmed yousry
Hands on machine learning with scikit-learn and tensor flow by ahmed yousryHands on machine learning with scikit-learn and tensor flow by ahmed yousry
Hands on machine learning with scikit-learn and tensor flow by ahmed yousry
 
Machine learning Module-2, 6th Semester Elective
Machine learning Module-2, 6th Semester ElectiveMachine learning Module-2, 6th Semester Elective
Machine learning Module-2, 6th Semester Elective
 
Development of Deep Learning Architecture
Development of Deep Learning ArchitectureDevelopment of Deep Learning Architecture
Development of Deep Learning Architecture
 
Introduction to Perceptron and Neural Network.pptx
Introduction to Perceptron and Neural Network.pptxIntroduction to Perceptron and Neural Network.pptx
Introduction to Perceptron and Neural Network.pptx
 
Feed forward back propogation algorithm .pptx
Feed forward back propogation algorithm .pptxFeed forward back propogation algorithm .pptx
Feed forward back propogation algorithm .pptx
 
Multilayer Perceptron Neural Network MLP
Multilayer Perceptron Neural Network MLPMultilayer Perceptron Neural Network MLP
Multilayer Perceptron Neural Network MLP
 
Activation functions and Training Algorithms for Deep Neural network
Activation functions and Training Algorithms for Deep Neural networkActivation functions and Training Algorithms for Deep Neural network
Activation functions and Training Algorithms for Deep Neural network
 
V2.0 open power ai virtual university deep learning and ai introduction
V2.0 open power ai virtual university   deep learning and ai introductionV2.0 open power ai virtual university   deep learning and ai introduction
V2.0 open power ai virtual university deep learning and ai introduction
 
backpropagation in neural networks
backpropagation in neural networksbackpropagation in neural networks
backpropagation in neural networks
 
14_cnn complete.pptx
14_cnn complete.pptx14_cnn complete.pptx
14_cnn complete.pptx
 

More from 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

Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
ZurliaSoop
 

Recently uploaded (20)

Google Gemini An AI Revolution in Education.pptx
Google Gemini An AI Revolution in Education.pptxGoogle Gemini An AI Revolution in Education.pptx
Google Gemini An AI Revolution in Education.pptx
 
ICT role in 21st century education and it's challenges.
ICT role in 21st century education and it's challenges.ICT role in 21st century education and it's challenges.
ICT role in 21st century education and it's challenges.
 
Kodo Millet PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...
Kodo Millet  PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...Kodo Millet  PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...
Kodo Millet PPT made by Ghanshyam bairwa college of Agriculture kumher bhara...
 
Wellbeing inclusion and digital dystopias.pptx
Wellbeing inclusion and digital dystopias.pptxWellbeing inclusion and digital dystopias.pptx
Wellbeing inclusion and digital dystopias.pptx
 
2024-NATIONAL-LEARNING-CAMP-AND-OTHER.pptx
2024-NATIONAL-LEARNING-CAMP-AND-OTHER.pptx2024-NATIONAL-LEARNING-CAMP-AND-OTHER.pptx
2024-NATIONAL-LEARNING-CAMP-AND-OTHER.pptx
 
UGC NET Paper 1 Mathematical Reasoning & Aptitude.pdf
UGC NET Paper 1 Mathematical Reasoning & Aptitude.pdfUGC NET Paper 1 Mathematical Reasoning & Aptitude.pdf
UGC NET Paper 1 Mathematical Reasoning & Aptitude.pdf
 
Spatium Project Simulation student brief
Spatium Project Simulation student briefSpatium Project Simulation student brief
Spatium Project Simulation student brief
 
Food safety_Challenges food safety laboratories_.pdf
Food safety_Challenges food safety laboratories_.pdfFood safety_Challenges food safety laboratories_.pdf
Food safety_Challenges food safety laboratories_.pdf
 
Sociology 101 Demonstration of Learning Exhibit
Sociology 101 Demonstration of Learning ExhibitSociology 101 Demonstration of Learning Exhibit
Sociology 101 Demonstration of Learning Exhibit
 
80 ĐỀ THI THỬ TUYỂN SINH TIẾNG ANH VÀO 10 SỞ GD – ĐT THÀNH PHỐ HỒ CHÍ MINH NĂ...
80 ĐỀ THI THỬ TUYỂN SINH TIẾNG ANH VÀO 10 SỞ GD – ĐT THÀNH PHỐ HỒ CHÍ MINH NĂ...80 ĐỀ THI THỬ TUYỂN SINH TIẾNG ANH VÀO 10 SỞ GD – ĐT THÀNH PHỐ HỒ CHÍ MINH NĂ...
80 ĐỀ THI THỬ TUYỂN SINH TIẾNG ANH VÀO 10 SỞ GD – ĐT THÀNH PHỐ HỒ CHÍ MINH NĂ...
 
HMCS Max Bernays Pre-Deployment Brief (May 2024).pptx
HMCS Max Bernays Pre-Deployment Brief (May 2024).pptxHMCS Max Bernays Pre-Deployment Brief (May 2024).pptx
HMCS Max Bernays Pre-Deployment Brief (May 2024).pptx
 
How to Manage Global Discount in Odoo 17 POS
How to Manage Global Discount in Odoo 17 POSHow to Manage Global Discount in Odoo 17 POS
How to Manage Global Discount in Odoo 17 POS
 
Basic Civil Engineering first year Notes- Chapter 4 Building.pptx
Basic Civil Engineering first year Notes- Chapter 4 Building.pptxBasic Civil Engineering first year Notes- Chapter 4 Building.pptx
Basic Civil Engineering first year Notes- Chapter 4 Building.pptx
 
Python Notes for mca i year students osmania university.docx
Python Notes for mca i year students osmania university.docxPython Notes for mca i year students osmania university.docx
Python Notes for mca i year students osmania university.docx
 
This PowerPoint helps students to consider the concept of infinity.
This PowerPoint helps students to consider the concept of infinity.This PowerPoint helps students to consider the concept of infinity.
This PowerPoint helps students to consider the concept of infinity.
 
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
 
TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...
TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...
TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...
 
Unit 3 Emotional Intelligence and Spiritual Intelligence.pdf
Unit 3 Emotional Intelligence and Spiritual Intelligence.pdfUnit 3 Emotional Intelligence and Spiritual Intelligence.pdf
Unit 3 Emotional Intelligence and Spiritual Intelligence.pdf
 
SOC 101 Demonstration of Learning Presentation
SOC 101 Demonstration of Learning PresentationSOC 101 Demonstration of Learning Presentation
SOC 101 Demonstration of Learning Presentation
 
HMCS Vancouver Pre-Deployment Brief - May 2024 (Web Version).pptx
HMCS Vancouver Pre-Deployment Brief - May 2024 (Web Version).pptxHMCS Vancouver Pre-Deployment Brief - May 2024 (Web Version).pptx
HMCS Vancouver Pre-Deployment Brief - May 2024 (Web Version).pptx
 

Deep Learning Interview Questions And Answers | AI & Deep Learning Interview Questions | Simplilearn

  • 1.
  • 2. Large volume of data on cats and dogs Train the model Feature Extraction Learns from large volumes of structured and unstructured data and uses complex algorithms to train a neural network Performs complex operations to extract hidden patterns and features Classify the image What is Deep Learning? 1
  • 3. Human brain inspired systems which replicate the way humans learn Consists of 3 layers of network (input, hidden and output) Each layer contains neurons called as nodes that perform various operations Used in Deep Learning algorithms like CNN, RNN, GAN, etc Input OutputHidden Nodes What is a Neural Network? 2
  • 4. MultilayerPerceptron • It has the same structure of a single layer perceptron with one or more hidden layers. • Except the input layer, each node in the other layers uses a nonlinear activation function • MLP uses supervised learning method called backpropagation for training the model • Single layer perceptron can classify only linearly separable classes with binary output (0, 1) but MLP can classify non-linear classes Multilayer Perceptron with an input layer, a hidden layer and an output layer What is a Multilayer Perceptron (MLP)? 3
  • 5. Restructure the data and improve integrity Preprocessing step to standardize the data Used to reduce and eliminate data redundancy Rescale values to fit into a particular range for achieving better convergence 1 2 3 4 What is Data Normalization and why do we need it? 4
  • 6. Visible/Input layer Hidden layer Shallow, two-layer neural nets that make stochastic decisions whether a neuron should be on or off 1st layer is the visible layer and 2nd layer is the hidden layer Nodes are connected to each other across layers but no two nodes of the same layer are connected. Hence it is also known as Restricted Boltzmann Machine What is a Boltzmann Machine? 5
  • 7.  Activation Function decides whether a neuron should be fired or not  Accepts the weighted sum of inputs and a bias as input to any activation function  The node which gets fired depends on the Y value  Step function, Sigmoid, ReLU, Tanh, Softmax are some of the examples of Activations Functions Y = (Weight * input) + bias Sigmoid function Step function ReLU function Tanh function What is the role of Activation Functions in neural network? 6
  • 8.  Cost Function is the measure to evaluate how good your model’s performance is  It is also referred as loss or error  Used to compute the error of the output layer during backpropagation Mean Squared Error is an example of a popular cost function: Cost Function: C = ½( Y – Y ) 2^ Y -------> Original Output Y -------> Predicted Output ^ What is a cost function? 7
  • 9.  Gradient Descent is an optimization algorithm to minimize the cost function in order to maximize the performance of the model  Aim is to find the local or global minima of a function  Determines the direction the model should take to reduce the error Gradient C W Global Minimum cost What is Gradient Descent? 8
  • 10. • Neural Network technique to minimize the cost function • Helps to improve the performance of the network • Backpropagates the error and updates the weights to reduce the error X X X 1 3 2 Y^ YW1 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 What do you understand by Backpropagation? 9
  • 11. Feedforward Neural Network • Signals travel in one direction, from input to output • No feedback (loops) • Considers only the current input • Cannot memorize pervious inputs (eg: CNN) Feed Forward Neural Network 1 0 What is the difference between Feedforward Neural Network and Recurrent Neural Network?
  • 12. Recurrent Neural Network • Signals travel in both directions, making it a looped network • Considers the current input along with the previously received inputs for generating the output of a layer • Has the ability to memorize past data due to its internal memory h y x A B C Recurrent Neural Network 1 0 What is the difference between Feedforward Neural Network and Recurrent Neural Network?
  • 13. Positive Sentiment RNN can be used for Sentiment Analysis and Text Mining Getting up early in the morning is good for health. What are some applications of Recurrent Neural Network? 1 1
  • 14. RNN help you caption an image Kids are playing football What are some applications of Recurrent Neural Network? 1 1
  • 15. Time series problem like predicting the prices of stocks in a month or quarter or sale of products can be solved using RNN What are some applications of Recurrent Neural Network? 1 1
  • 16. • Softmax is an activation function that generates the output between 0 and 1 • It divides each output such that the total sum of the outputs is equal to 1 • It is often used in the output layers 1.2 0.9 0.4 0.46 0.34 0.20 Softmax Softmax(Ln)= || e || L Ln e What are Softmax and ReLU functions?1 2
  • 17. • ReLU stands for Rectified Linear Unit and is the most widely used activation function • It gives an output of X if X is positive and 0 otherwise • It is often used in the hidden layers What are Softmax and ReLU functions?1 2
  • 18.  A hyperparameter is a parameter whose value is set before the learning process begins  Determines how a network is trained and the structure of the network  Number of hidden units, learning rate, epochs, etc are some examples of hyperparameters Model Data Optimized Model Train Compare Modify hyperparameters What are hyperparameters?1 3
  • 19. Learning rate too low Learning rate too high • Training of the model will progress very slowly as we are making very tiny updates to the weights • Will take many updates before reaching the minimum pointLearning rate too low Learning rate too high • Causes undesirable divergent behavior to the loss function due to drastic updates in weights • At times it may fail to converge or even diverge What will happen if learning rate is set too low or too high?1 4
  • 20.  Dropout is a technique of dropping out hidden and visible units of a network randomly to prevent overfitting of data  It doubles the number of iterations needed to converge the network Standard Neural Network After Applying Dropout What is Dropout and Batch Normalization?1 5
  • 21.  Batch Normalization is the technique to improve the performance and stability of neural network  The idea is to normalize the inputs in every layer so that they have mean output activation of zero and standard deviation of one Benefits Higher learning rates Weights easier to initialize Provides regularization Trains faster What is Dropout and Batch Normalization?1 5
  • 22. Stochastic Gradient Descent • Stochastic Gradient computes the gradient using a single sample • It converges much faster than batch gradient because it updates weight more frequently Batch Gradient Descent • Batch gradient computes the gradient using the entire dataset • It takes time to converge because the volume of data is huge and weights update slowly 1 6 What is the difference between Batch Gradient Descent and Stochastic Gradient Descent?
  • 23. Overfitting • Overfitting happens when a model learns the details and noise in the training data to the degree that it adversely impacts the execution of the model on new information • It is more likely to occur with nonlinear models that have more flexibility when learning a target function Explain Overfitting and Underfitting and how to combat them.1 7
  • 24. Underfitting • Underfitting alludes to a model that is neither well trained on training data nor can generalize to new information • Usually happens when there is less and improper data to train a model • Has poor performance and accuracy Explain Overfitting and Underfitting and how to combat them.1 7
  • 25. Combating Overfitting and Underfitting • Resampling the data to estimate the model accuracy (k-fold cross validation) • Having a validation dataset to evaluate the model Sample 1 Sample 2 Sample 3 Original Data Explain Overfitting and Underfitting and how to combat them.1 7
  • 26. • All the weights are set to 0. This makes your model similar to a linear model • All the neurons in every layer perform the same operation, giving the same output and making the deep net useless Initializing all weights to zero: Input Layer Hidden Layers Output Layer W1=0 W2=0 W3=0 W4=0 . . . . . . W11=0 W12=0 W13=0 W14=0 . . . . . . weights are set to 0 w=np.zeros(layer_size[l],layer_size[l-1]) W21=0 W22=0 W23=0 W24=0 . . . . . How are weights initialized in a network?1 8
  • 27. Initializing all weights randomly: Input Layer Hidden Layers Output Layer W1=.2 W2=.1 W3=.1 1 W4=.3 . . . . . . weights are set randomly w=np.random.randn(layer_size[l],layer_size[l-1]) • Here, the weights are assigned randomly by initializing them very close to zero • It gives better accuracy to the model since every neuron performs different computations W11=.3 W12=.12 W13=.1 W14=.2 . . . . . W21=.4 W22=.12 W23=.13 W24=.31 . . . . . How are weights initialized in a network?1 8
  • 28. Fully connected layer recognises and classifies the objects in the image Pooling is a down-sampling operation that reduces the dimensionality of the feature map ReLU brings non-linearity to the network and converts all the negative pixels to 0. Output is rectified feature map 1. Convolution Layer 2. ReLU Layer 3. Pooling Layer 4. Fully Connected Layer Convolution layer that performs the convolution operation What are the different layers in CNN? 1 9
  • 29. Pooling • Used to reduce the spatial dimensions of a CNN • Performs down-sampling operation to reduce the dimensionality • Creates a pooled feature map by sliding a filter matrix over the input matrix 1 2 4 6 2 7 58 3 04 1 2 3 1 7 6 8 4 7 max pooling with 2x2 filters and stride 2 Max(3, 4, 1, 2) = 4 Pooled feature map Rectified feature map What is Pooling in CNN and how does it work? 20
  • 30. LSTMs are special kind of Recurrent Neural Networks, capable of learning long-term dependencies. Remembering information for long periods of time is their default behavior. +x tan h x ta nh x +x tanh x tanh x +x tan h x ta nh x ht-1 ht ht+1 xt-1 xt Xt+1 A A How does LSTM network work? 21
  • 31. There are 3 steps in the process Step 1 Step 2 Step 3 Decides what to forget and what to remember Selectively update cell state values Output certain parts of cell state Ct-1 Ct How does LSTM network work? 21
  • 32. Step 1 Step 2 Step 3 Decides what to forget and what to remember Selectively update cell state values Output certain parts of cell state Ct-1 Ct There are 3 steps in the process How does LSTM network work? 21
  • 33. Step 1 Step 2 Step 3 Decides what to forget and what to remember Selectively update cell state values Decides what part of the current state make it to the output Ct-1 Ct There are 3 steps in the process How does LSTM network work? 21
  • 34. While training a RNN, your slope can become either too small or too large and this makes training difficult. When the slope is too small, the problem is know as Vanishing gradient Change in Y Change in X Y X Slope decreases gradually to a very small value (sometimes negative) and makes training difficult What are Vanishing and Exploding gradients? 22
  • 35. When the slope tends to grow exponentially instead of decaying, this problem is called Exploding gradient • Long training time • Poor performance • Low accuracy Issues in Gradient Problem Slope grows exponentially Y X What are Vanishing and Exploding gradients? 22
  • 36. An Epoch represents one iteration over the entire dataset Epoch We cannot pass the entire dataset into the neural network at once. So, we divide the dataset into number of batches Batch Iteration If we have 10,000 images as data and a batch size of 200, then an epoch should run 10,000/200 = 50 iterations 23 What is the difference between Epoch, Batch and Iteration in Deep Learning?
  • 37. Provides both C++ and Python API’s that makes it easier to work on Has a faster compilation time than other Deep Learning libraries like Keras and Torch TensorFlow supports both CPU’s and GPU’s computing devices Why TensorFlow is the most preferred library in Deep Learning? 24
  • 38. Tensor is a mathematical object represented as arrays of higher dimensions. These arrays of data with different dimensions and ranks that are fed as input to the neural network are called Tensors Input Layer Hidden Layers Output Layer 1 6 8 3 9 3 3 4 1 7 4 9 1 5 3 7 1 6 9 2 Tensor of Dimensions[5,4] What do you mean by Tensor in TensorFlow? 25
  • 39. Constants Variables Variables allow us to add new trainable parameters to graph. To define a variable, we use tf.Variable() command and initialize them before running the graph in a session. Example: W = tf.Variable([.3],dtype=tf.float32) b = tf.Variable([-.3],dtype=tf.float32) Constants are parameters whose value does not change. To define a constant, we use tf.constant() command Example: a = tf.constant(2.0, tf.float32) b = tf.constant(3.0) Print(a, b) What are the programming elements in TensorFlow? 26
  • 40. Constants Variables Variables allow us to add new trainable parameters to graph. To define a variable, we use tf.Variable() command and initialize them before running the graph in a session Example: W = tf.Variable([.3],dtype=tf.float32) b = tf.Variable([-.3],dtype=tf.float32) Constants are parameters whose value does not change. To define a constant, we use tf.constant() command. Example: a = tf.constant(2.0, tf.float32) b = tf.constant(3.0) Print(a, b) What are the programming elements in TensorFlow? 26
  • 41. Placeholders Placeholders allow us to feed data to a tensorflow model from outside a model. It permits a value to be assigned later. To define a placeholder, we use tf.placeholder() command Example: a = tf.placeholder(tf.float32) b = a*2 with tf.Session() as sess: result = sess.run(b,feed_dict={a:3.0}) print result Session A Session is run to evaluate the nodes. This is called as the TensorFlow runtime. Example: a = tf.constant(2.0) b = tf.constant(4.0) c = a+b # Launch Session sess = tf.Session() # Evaluate the tensor c print(sess.run(c)) What are the programming elements in TensorFlow? 26
  • 42. Placeholders Placeholders allow us to feed data to a tensorflow model from outside a model. It permits a value to be assigned later. To define a placeholder, we use tf.placeholder() command. Example: a = tf.placeholder(tf.float32) b = a*2 with tf.Session() as sess: result = sess.run(b,feed_dict={a:3.0}) print result Session A Session is run to evaluate the nodes. This is called as the TensorFlow runtime Example: a = tf.constant(2.0) b = tf.constant(4.0) c = a+b # Launch Session sess = tf.Session() # Evaluate the tensor c print(sess.run(c)) What are the programming elements in TensorFlow? 26
  • 43. Everything in TensorFlow is based on creating a computational graph It has a network of nodes where each node performs an operation Nodes represent mathematical operation and edges represent tensors Since data flows in the form a graph, it is also called as DataFlow Graph What do you understand by a Computational Graph? 27
  • 44. input input add mul mul a b c d e 2 5 4 3 5 20 100 Nodes ----------> Mathematical operation Edges ----------> Data flow What do you understand by a Computational Graph? 27
  • 45. Suppose, there is a wine shop that purchases wine from dealers which they will resell later Dealer Wine Shop owner Explain Generative Adversarial Network along with an example. 28
  • 46. But, there are some malefactor dealers who sell fake wine. In this case, the shop owner should be able to distinguish between fake and authentic wines Forger Fake wine Shop owner Explain Generative Adversarial Network along with an example. 28
  • 47. The Forger will try different techniques to sell fake wine and make sure certain techniques go past the shop owner’s check Forger Fake wine Shop owner Explain Generative Adversarial Network along with an example. 28
  • 48. The shop owner would probably get some feedback from wine experts that some of his wine is not original. The owner would have to improve how he determines whether a wine is fake or authentic. Forger Fake wine Shop owner Explain Generative Adversarial Network along with an example. 28
  • 49. Goal of forger ------> to create wines that are indistinguishable from the authentic ones Goal of shop owner ------> to accurately tell if a wine is real or not Forger Fake wine Shop owner Explain Generative Adversarial Network along with an example. 28
  • 50. There are 2 main components of GAN: Generator and Discriminator Real authentic wine dataset (Forger) (Fake wine) (Shop owner) Real Fake Noise vector Generator Generated/Fake wine Discriminator Explain Generative Adversarial Network along with an example. 28
  • 51. The Generator is a CNN that keeps producing images that are closer in appearance to the real images while the Discriminator tries to determine the difference between real and fake images. The ultimate aim is to make the Discriminator learn to identify real and fake images/data. Explain Generative Adversarial Network along with an example. 28
  • 52. Outputs are same as inputs Input Hidden (encoding) Output It is a neural network that has 3 layers The network’s target output is same as the input. It uses dimensionality reduction to restructure the input. The network is trained to reconstruct its inputs. Here, the input neurons are equal to the output neurons What is an auto-encoder? 29
  • 53. It works by compressing the input to a latent-space representation and then reconstructing the output from this representation. What is an auto-encoder? 29
  • 54. Train data Randomly select data into the bags and train your model separately Bagging Model 1 Model 2 Model 3 Model 4 TrainTrainTrain Train Vote the best model Bag 1 Bag 2 Bag 3 Bag 4  Bagging and Boosting are ensemble techniques where the idea is to train multiple models using the same learning algorithm and then take a call Dataset Test data What is Bagging and Boosting? 30
  • 55.  In Boosting, the emphasis is to select the data points which give wrong output in order the improve the accuracy Boosting Train Train Bag 1 Repeat Model 1 Data points with wrong prediction Model 2 Bag 2 Train data Dataset Test data What is Bagging and Boosting? 30

Editor's Notes

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