SlideShare a Scribd company logo
1 of 21
Introduction to Deep Learning
RATNAKAR PANDEY
Is Artificial
Intelligence, Machine
Learning and Deep Learning
the same thing? What about
Data Science?
Source: https://www.linkedin.com/pulse/artificial-intelligence-machine-learning-deep-same-thing-pandey/
Artificial Intelligence
• AI is any technique, code or algorithm that enables machines to develop,
demonstrate and mimic human cognitive behavior or intelligence and hence the
name “Artificial Intelligence”
• AI doesn’t mean that everything machines will be doing, rather AI can be better
represented as “Augmented Intelligence”, i.e. Man+Machine to solve business
problems better and faster
• AI won’t replace managers, but managers who use AI will replace those who
don’t.
• Some of the most successful applications of AI around us can be seen in
Robotics, Computer Vision, Virtual Reality, Speech Recognition, Automation,
Gaming and so on…
Machine Learning
• Machine learning is the sub field of AI,
which gives machines the ability to
improve its performance over time
without explicit intervention or help
from the human being
• In this approach machines are shown
thousands or millions of examples and
trained how to correctly solve a
problem.
• Most of the current applications of
the machine learning leverage
supervised learning
• Other usage of ML can be broadly
classified between unsupervised
learning and reinforced learning.
Source: https://hbr.org/cover-story/2017/07/the-business-of-artificial-intelligence
Data Science
• Data Science is a field which intersects AI, Machine
Learning and Deep Learning and enables statistically
driven decision making.
• Data science is the Art and Science of drawing
actionable insights from the data.
• Data Science + Business Knowledge = Impact/Value
Creation for the Business.
• Generally speaking, Data Scientists and Analytics
Professionals try to answer following questions via
their analysis-
• Descriptive Analytics ( What has happened?)
• Diagnostic Analytics ( Why it has happened?)
• Predictive Analytics ( What may happen in future?)
• Prescriptive Analytics ( What plan of action we should
follow?)
Deep Learning
• Deep learning is a sub field of
Machine Learning that very closely
tries to mimic human brain's
working using neurons.
• These techniques focus on building
Artificial Neural Networks (ANN)
using several hidden layers.
• There are variety of deep learning
networks such as Multilayer
Perceptron ( MLP), Autoencoders
(AE), Convolution Neural Network
(CNN), Recurrent Neural Network
(RNN)
Source: https://www.quora.com/What-are-the-types-of-deep-neural-networks-and-how-can-one-categorize-them-and-their-related-algorithms-as-
either-shallow-or-deep/answer/Ratnakar-Pandey-RP
Why Deep Learning is Growing
• Processing power needed for Deep
learning is readily becoming
available using GPUs, Distributed
Computing and powerful CPUs
• Moreover, as the data amount
grows, Deep Learning models seem
to outperform Machine Learning
models
• Explosion of features and datasets
• Focus on customization and real
time decisioning
Why Deep Learning is Growing
• Uncover hard to detect patterns
(using traditional techniques) when
the incidence rate is low
• Find latent features (super variables)
without significant manual feature
engineering
• Real time fraud detection and self
learning models using streaming data
(KAFKA, MapR)
• Ensure consistent customer
experience and regulatory compliance
• Higher operational efficiency
10,000 +
Features
Unstructured
Transactional
Social
Device
&
IP
Third Parties
Bureau
Challenges with Deep Learning
• Works better with large amount of
data
• Some models are very hard to train,
may take weeks or months
• Overfitting
• Black box and hence may have
regulatory challenges, particularly
for BFSI
Source : http://www.npr.org/sections/thesalt/2016/03/11/470084215/canine-or-cuisine-this-photo-meme-is-fetching
Deep Learning Building Blocks
Multilayer Perceptron (MLP)
• These are the most basic networks
and feed forward the inputs to
create output. They consist of an
input layer and an output layer and
many interconnected hidden layers
and neurons between the input and
the output layers.
• They generally use some non linear
activation function such as Relu or
Tanh and compute the losses ( the
difference between the true output
and computed output) such as
Mean Square Error ( MSE), Logloss.
• This loss is backward propagated to
adjust the weights and training to
minimize the losses or make the
models more accurate.
w1
w2
wn
A
c
t
i
v
a
t
i
o
n
Activation Function
Inputs Weights Bias
Key Components and Hyperparameters
• Number of layers- Input layer, output layer and hidden layers. More the number of
layers, deeper the network.
• Number of Neurons- how many neurons in each layer. Input layer neurons depend of
the number of features, output layer neurons on number of outputs and hidden layer
neurons need to be optimized
• Weights- importance given to each factor in computing the output. Typically chosen
randomly in the first run and optimized using backward propagation.
• Activation Function- Function used to generate outputs by matrix multiplication of
inputs and weights along with bias
• Forward Propagation- Weights for each input are initialized to make predictions and
compute error. Output from each layer is fed forward to the next layer.
• Loss Function- To compute error between actual and prediction values and measure
models performance. Hyperparameters are fine tuned to minimize the loss function.
Some common loss functions are- Mean Square Error, Log loss, Cross entropy,
Popular Activation Functions
Most of the activation functions are non-linear as most of the real world problems are non linear
Source: https://en.wikipedia.org/wiki/Activation_function
Key Components and Hyperparameters
• Backpropagation- Back propagate the error (starting from the output layer) to the
previous layer and update weights
• Gradient Descent and Optimization Algorithms- Used for optimize weights based on
the error signal backward propagated and chain rules
• Epochs- One complete set of feedforward and back propagation to train the entire
network.
• Batch Size- No of input observation which are processed in one epoch.
• Dropout- x% of nodes are dropped out to ensure weight regularization and
overfitting and leverage community effects of neuron, rather than dependence on
few players
• Optimizer and Learning Rate- Optimizer are used to optimize learning rates by
Stochastic Gradient Descent (SGD) and find the best solution. If network learns very
fast, it may find suboptimal solutions If it learns very slow, it will take very long to
train a network. Common optimizers are Adam, SGD, RMSprop etc.
Autoencoders
• Autoencoders follow “Representation
Learning”
• The concept of the AE is quite simple-
here input vectors are used to compute
the output vectors, but output vectors
are same as the input vectors.
• The reconstruction error is computed
and data points with the higher
reconstruction error are supposed to be
outliers
• AE are used for unsupervised learning,
feature reduction, speech and image
recognition.
w1
w2
wn
Convolution Neural Network (CNN)
• Convolution Neural Networks (CNN) significantly
enhances the capabilities of the feed forward
network such as MLP by inserting convolution
layers.
• They are particularly suitable for spatial data, object
recognition and image analysis using
multidimensional neurons structures.
• CNNs use convolutions ( a linear operation) rather
than matrix multiplication as in MLP
• Typically a CNN will have three stages- convolution
stage, detector layer ( non linear activator) and
pooling layer
w1
w2
wn
Convolution Neural Network (CNN)
• Convolution Layer- The most important component
in the CNN. The layer has Kernels ( learnable filters)
and the input x and y dimensions are convoluted (
dot product) to generate feature map
• Detector Layer- The feature maps are passed to this
stage using a not linear activation function such as
ReLU activation function to accentuate the non
linear components of the feature maps
• Pooling Layer- A pooling layer such as “max
pooling” summarizes (sub-sampling) the responses
from several inputs from the previous layer and
serves to reduce the size of the spatial
representation. Allowing the next layer to look at
bigger region
w1
w2
wn
Source : MIT Deeplearningbook
Recurrent Neural Network(RNN)
• RNNs are also a feed forward network, however
with recurrent memory loops which take the input
from the previous and/or same layers or states.
• This gives them a unique capability to model along
the time dimension and arbitrary sequence of
events and inputs.
• RNNs are used for sequenced data analysis such as
time-series, sentiment analysis, NLP, language
translation, speech recognition, image captioning,
and script recognition among other things.
• These are also called networks with the memory, as
the previous inputs or states may persist (stored) in
the model to do a sequential analysis. These
memories become an input as well
w1
w2
wn
Recurrent Neural Network(RNN)
• Long Short Term Memory is one of the most
frequently ( LSTM) used RNN model
• These sort of models help us overcome the NLP
challenges which can’t be solved by “Bag of
Words” analysis -
“ The flight was good, not bad at all”
vs
“ The flight was bad, not good at all”
w1
w2
wn

More Related Content

What's hot

An introduction to Machine Learning
An introduction to Machine LearningAn introduction to Machine Learning
An introduction to Machine Learning
butest
 

What's hot (20)

Deep Learning Explained
Deep Learning ExplainedDeep Learning Explained
Deep Learning Explained
 
Multilayer perceptron
Multilayer perceptronMultilayer perceptron
Multilayer perceptron
 
Intro to deep learning
Intro to deep learning Intro to deep learning
Intro to deep learning
 
Convolutional Neural Networks
Convolutional Neural NetworksConvolutional Neural Networks
Convolutional Neural Networks
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
 
Lecture 1: What is Machine Learning?
Lecture 1: What is Machine Learning?Lecture 1: What is Machine Learning?
Lecture 1: What is Machine Learning?
 
Deep learning
Deep learning Deep learning
Deep learning
 
1.Introduction to deep learning
1.Introduction to deep learning1.Introduction to deep learning
1.Introduction to deep learning
 
Machine Learning and its Applications
Machine Learning and its ApplicationsMachine Learning and its Applications
Machine Learning and its Applications
 
Deep Learning: Application & Opportunity
Deep Learning: Application & OpportunityDeep Learning: Application & Opportunity
Deep Learning: Application & Opportunity
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
An introduction to Machine Learning
An introduction to Machine LearningAn introduction to Machine Learning
An introduction to Machine Learning
 
Machine learning
Machine learningMachine learning
Machine learning
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
 
Deep Learning With Neural Networks
Deep Learning With Neural NetworksDeep Learning With Neural Networks
Deep Learning With Neural Networks
 
What is Deep Learning?
What is Deep Learning?What is Deep Learning?
What is Deep Learning?
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Cnn
CnnCnn
Cnn
 
Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural Networks
 
Machine learning
Machine learningMachine learning
Machine learning
 

Similar to Deep learning

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
Databricks
 
Deep learning - a primer
Deep learning - a primerDeep learning - a primer
Deep learning - a primer
Uwe Friedrichsen
 
Deep learning - a primer
Deep learning - a primerDeep learning - a primer
Deep learning - a primer
Shirin Elsinghorst
 
Neural network
Neural networkNeural network
Neural network
Saddam Hussain
 
Unit one ppt of deeep learning which includes Ann cnn
Unit one ppt of  deeep learning which includes Ann cnnUnit one ppt of  deeep learning which includes Ann cnn
Unit one ppt of deeep learning which includes Ann cnn
kartikaursang53
 
Nural network ER. Abhishek k. upadhyay
Nural network ER. Abhishek  k. upadhyayNural network ER. Abhishek  k. upadhyay
Nural network ER. Abhishek k. upadhyay
abhishek upadhyay
 

Similar to Deep learning (20)

Development of Deep Learning Architecture
Development of Deep Learning ArchitectureDevelopment of Deep Learning Architecture
Development of Deep Learning Architecture
 
Facial Emotion Detection on Children's Emotional Face
Facial Emotion Detection on Children's Emotional FaceFacial Emotion Detection on Children's Emotional Face
Facial Emotion Detection on Children's Emotional Face
 
A Survey of Convolutional Neural Networks
A Survey of Convolutional Neural NetworksA Survey of Convolutional Neural Networks
A Survey of Convolutional Neural Networks
 
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
 
Deep learning - a primer
Deep learning - a primerDeep learning - a primer
Deep learning - a primer
 
Deep learning - a primer
Deep learning - a primerDeep learning - a primer
Deep learning - a primer
 
33.-Multi-Layer-Perceptron.pdf
33.-Multi-Layer-Perceptron.pdf33.-Multi-Layer-Perceptron.pdf
33.-Multi-Layer-Perceptron.pdf
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A PrimerMDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
 
Neural network
Neural networkNeural network
Neural network
 
Visualization of Deep Learning
Visualization of Deep LearningVisualization of Deep Learning
Visualization of Deep Learning
 
Deep learning from a novice perspective
Deep learning from a novice perspectiveDeep learning from a novice perspective
Deep learning from a novice perspective
 
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
 
Automatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face RecognitionAutomatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face Recognition
 
Artificial Neural Network for hand Gesture recognition
Artificial Neural Network for hand Gesture recognitionArtificial Neural Network for hand Gesture recognition
Artificial Neural Network for hand Gesture recognition
 
Unit one ppt of deeep learning which includes Ann cnn
Unit one ppt of  deeep learning which includes Ann cnnUnit one ppt of  deeep learning which includes Ann cnn
Unit one ppt of deeep learning which includes Ann cnn
 
Nural network ER. Abhishek k. upadhyay
Nural network ER. Abhishek  k. upadhyayNural network ER. Abhishek  k. upadhyay
Nural network ER. Abhishek k. upadhyay
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
 
Cognitive Toolkit - Deep Learning framework from Microsoft
Cognitive Toolkit - Deep Learning framework from MicrosoftCognitive Toolkit - Deep Learning framework from Microsoft
Cognitive Toolkit - Deep Learning framework from Microsoft
 
Neural Networks-1
Neural Networks-1Neural Networks-1
Neural Networks-1
 

More from Ratnakar Pandey

Nasscom how can you identify fraud in fintech lending using deep learning
Nasscom how can you identify fraud in fintech lending using deep learningNasscom how can you identify fraud in fintech lending using deep learning
Nasscom how can you identify fraud in fintech lending using deep learning
Ratnakar Pandey
 

More from Ratnakar Pandey (8)

Computer vision and face recognition using python
Computer vision and face recognition using pythonComputer vision and face recognition using python
Computer vision and face recognition using python
 
Fintech Overview and Growth Drivers
Fintech Overview and Growth DriversFintech Overview and Growth Drivers
Fintech Overview and Growth Drivers
 
Blockchain and its impact on Data Science and Financial Services
Blockchain and its impact on Data Science and Financial ServicesBlockchain and its impact on Data Science and Financial Services
Blockchain and its impact on Data Science and Financial Services
 
Nasscom how can you identify fraud in fintech lending using deep learning
Nasscom how can you identify fraud in fintech lending using deep learningNasscom how can you identify fraud in fintech lending using deep learning
Nasscom how can you identify fraud in fintech lending using deep learning
 
Key consulting frameworks_for_data_scientist
Key consulting frameworks_for_data_scientistKey consulting frameworks_for_data_scientist
Key consulting frameworks_for_data_scientist
 
Credit cards basics and Bank's Profit and Loss Statement
Credit cards basics and Bank's Profit and Loss StatementCredit cards basics and Bank's Profit and Loss Statement
Credit cards basics and Bank's Profit and Loss Statement
 
Basics of investment in Equity and Mutual Funds Markets
Basics of investment in Equity and Mutual Funds MarketsBasics of investment in Equity and Mutual Funds Markets
Basics of investment in Equity and Mutual Funds Markets
 
Fraud deep learning_v2
Fraud deep learning_v2Fraud deep learning_v2
Fraud deep learning_v2
 

Recently uploaded

Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
amitlee9823
 
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
amitlee9823
 
➥🔝 7737669865 🔝▻ Bangalore Call-girls in Women Seeking Men 🔝Bangalore🔝 Esc...
➥🔝 7737669865 🔝▻ Bangalore Call-girls in Women Seeking Men  🔝Bangalore🔝   Esc...➥🔝 7737669865 🔝▻ Bangalore Call-girls in Women Seeking Men  🔝Bangalore🔝   Esc...
➥🔝 7737669865 🔝▻ Bangalore Call-girls in Women Seeking Men 🔝Bangalore🔝 Esc...
amitlee9823
 
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
amitlee9823
 
FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdf
MarinCaroMartnezBerg
 
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...
amitlee9823
 
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get CytotecAbortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Riyadh +966572737505 get cytotec
 
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
ZurliaSoop
 
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
amitlee9823
 
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al BarshaAl Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
AroojKhan71
 
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night StandCall Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
amitlee9823
 
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
amitlee9823
 
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night StandCall Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
amitlee9823
 

Recently uploaded (20)

Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
 
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
 
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
 
➥🔝 7737669865 🔝▻ Bangalore Call-girls in Women Seeking Men 🔝Bangalore🔝 Esc...
➥🔝 7737669865 🔝▻ Bangalore Call-girls in Women Seeking Men  🔝Bangalore🔝   Esc...➥🔝 7737669865 🔝▻ Bangalore Call-girls in Women Seeking Men  🔝Bangalore🔝   Esc...
➥🔝 7737669865 🔝▻ Bangalore Call-girls in Women Seeking Men 🔝Bangalore🔝 Esc...
 
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
 
FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdf
 
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...
Call Girls Hsr Layout Just Call 👗 7737669865 👗 Top Class Call Girl Service Ba...
 
Anomaly detection and data imputation within time series
Anomaly detection and data imputation within time seriesAnomaly detection and data imputation within time series
Anomaly detection and data imputation within time series
 
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
 
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get CytotecAbortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
 
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
 
Discover Why Less is More in B2B Research
Discover Why Less is More in B2B ResearchDiscover Why Less is More in B2B Research
Discover Why Less is More in B2B Research
 
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
 
Predicting Loan Approval: A Data Science Project
Predicting Loan Approval: A Data Science ProjectPredicting Loan Approval: A Data Science Project
Predicting Loan Approval: A Data Science Project
 
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al BarshaAl Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
 
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night StandCall Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
 
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
 
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% SecureCall me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
 
Week-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionWeek-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interaction
 
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night StandCall Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
 

Deep learning

  • 1. Introduction to Deep Learning RATNAKAR PANDEY
  • 2. Is Artificial Intelligence, Machine Learning and Deep Learning the same thing? What about Data Science?
  • 4. Artificial Intelligence • AI is any technique, code or algorithm that enables machines to develop, demonstrate and mimic human cognitive behavior or intelligence and hence the name “Artificial Intelligence” • AI doesn’t mean that everything machines will be doing, rather AI can be better represented as “Augmented Intelligence”, i.e. Man+Machine to solve business problems better and faster • AI won’t replace managers, but managers who use AI will replace those who don’t. • Some of the most successful applications of AI around us can be seen in Robotics, Computer Vision, Virtual Reality, Speech Recognition, Automation, Gaming and so on…
  • 5. Machine Learning • Machine learning is the sub field of AI, which gives machines the ability to improve its performance over time without explicit intervention or help from the human being • In this approach machines are shown thousands or millions of examples and trained how to correctly solve a problem. • Most of the current applications of the machine learning leverage supervised learning • Other usage of ML can be broadly classified between unsupervised learning and reinforced learning. Source: https://hbr.org/cover-story/2017/07/the-business-of-artificial-intelligence
  • 6. Data Science • Data Science is a field which intersects AI, Machine Learning and Deep Learning and enables statistically driven decision making. • Data science is the Art and Science of drawing actionable insights from the data. • Data Science + Business Knowledge = Impact/Value Creation for the Business. • Generally speaking, Data Scientists and Analytics Professionals try to answer following questions via their analysis- • Descriptive Analytics ( What has happened?) • Diagnostic Analytics ( Why it has happened?) • Predictive Analytics ( What may happen in future?) • Prescriptive Analytics ( What plan of action we should follow?)
  • 7. Deep Learning • Deep learning is a sub field of Machine Learning that very closely tries to mimic human brain's working using neurons. • These techniques focus on building Artificial Neural Networks (ANN) using several hidden layers. • There are variety of deep learning networks such as Multilayer Perceptron ( MLP), Autoencoders (AE), Convolution Neural Network (CNN), Recurrent Neural Network (RNN) Source: https://www.quora.com/What-are-the-types-of-deep-neural-networks-and-how-can-one-categorize-them-and-their-related-algorithms-as- either-shallow-or-deep/answer/Ratnakar-Pandey-RP
  • 8. Why Deep Learning is Growing • Processing power needed for Deep learning is readily becoming available using GPUs, Distributed Computing and powerful CPUs • Moreover, as the data amount grows, Deep Learning models seem to outperform Machine Learning models • Explosion of features and datasets • Focus on customization and real time decisioning
  • 9. Why Deep Learning is Growing • Uncover hard to detect patterns (using traditional techniques) when the incidence rate is low • Find latent features (super variables) without significant manual feature engineering • Real time fraud detection and self learning models using streaming data (KAFKA, MapR) • Ensure consistent customer experience and regulatory compliance • Higher operational efficiency 10,000 + Features Unstructured Transactional Social Device & IP Third Parties Bureau
  • 10. Challenges with Deep Learning • Works better with large amount of data • Some models are very hard to train, may take weeks or months • Overfitting • Black box and hence may have regulatory challenges, particularly for BFSI
  • 13. Multilayer Perceptron (MLP) • These are the most basic networks and feed forward the inputs to create output. They consist of an input layer and an output layer and many interconnected hidden layers and neurons between the input and the output layers. • They generally use some non linear activation function such as Relu or Tanh and compute the losses ( the difference between the true output and computed output) such as Mean Square Error ( MSE), Logloss. • This loss is backward propagated to adjust the weights and training to minimize the losses or make the models more accurate. w1 w2 wn A c t i v a t i o n Activation Function Inputs Weights Bias
  • 14. Key Components and Hyperparameters • Number of layers- Input layer, output layer and hidden layers. More the number of layers, deeper the network. • Number of Neurons- how many neurons in each layer. Input layer neurons depend of the number of features, output layer neurons on number of outputs and hidden layer neurons need to be optimized • Weights- importance given to each factor in computing the output. Typically chosen randomly in the first run and optimized using backward propagation. • Activation Function- Function used to generate outputs by matrix multiplication of inputs and weights along with bias • Forward Propagation- Weights for each input are initialized to make predictions and compute error. Output from each layer is fed forward to the next layer. • Loss Function- To compute error between actual and prediction values and measure models performance. Hyperparameters are fine tuned to minimize the loss function. Some common loss functions are- Mean Square Error, Log loss, Cross entropy,
  • 15. Popular Activation Functions Most of the activation functions are non-linear as most of the real world problems are non linear Source: https://en.wikipedia.org/wiki/Activation_function
  • 16. Key Components and Hyperparameters • Backpropagation- Back propagate the error (starting from the output layer) to the previous layer and update weights • Gradient Descent and Optimization Algorithms- Used for optimize weights based on the error signal backward propagated and chain rules • Epochs- One complete set of feedforward and back propagation to train the entire network. • Batch Size- No of input observation which are processed in one epoch. • Dropout- x% of nodes are dropped out to ensure weight regularization and overfitting and leverage community effects of neuron, rather than dependence on few players • Optimizer and Learning Rate- Optimizer are used to optimize learning rates by Stochastic Gradient Descent (SGD) and find the best solution. If network learns very fast, it may find suboptimal solutions If it learns very slow, it will take very long to train a network. Common optimizers are Adam, SGD, RMSprop etc.
  • 17. Autoencoders • Autoencoders follow “Representation Learning” • The concept of the AE is quite simple- here input vectors are used to compute the output vectors, but output vectors are same as the input vectors. • The reconstruction error is computed and data points with the higher reconstruction error are supposed to be outliers • AE are used for unsupervised learning, feature reduction, speech and image recognition. w1 w2 wn
  • 18. Convolution Neural Network (CNN) • Convolution Neural Networks (CNN) significantly enhances the capabilities of the feed forward network such as MLP by inserting convolution layers. • They are particularly suitable for spatial data, object recognition and image analysis using multidimensional neurons structures. • CNNs use convolutions ( a linear operation) rather than matrix multiplication as in MLP • Typically a CNN will have three stages- convolution stage, detector layer ( non linear activator) and pooling layer w1 w2 wn
  • 19. Convolution Neural Network (CNN) • Convolution Layer- The most important component in the CNN. The layer has Kernels ( learnable filters) and the input x and y dimensions are convoluted ( dot product) to generate feature map • Detector Layer- The feature maps are passed to this stage using a not linear activation function such as ReLU activation function to accentuate the non linear components of the feature maps • Pooling Layer- A pooling layer such as “max pooling” summarizes (sub-sampling) the responses from several inputs from the previous layer and serves to reduce the size of the spatial representation. Allowing the next layer to look at bigger region w1 w2 wn Source : MIT Deeplearningbook
  • 20. Recurrent Neural Network(RNN) • RNNs are also a feed forward network, however with recurrent memory loops which take the input from the previous and/or same layers or states. • This gives them a unique capability to model along the time dimension and arbitrary sequence of events and inputs. • RNNs are used for sequenced data analysis such as time-series, sentiment analysis, NLP, language translation, speech recognition, image captioning, and script recognition among other things. • These are also called networks with the memory, as the previous inputs or states may persist (stored) in the model to do a sequential analysis. These memories become an input as well w1 w2 wn
  • 21. Recurrent Neural Network(RNN) • Long Short Term Memory is one of the most frequently ( LSTM) used RNN model • These sort of models help us overcome the NLP challenges which can’t be solved by “Bag of Words” analysis - “ The flight was good, not bad at all” vs “ The flight was bad, not good at all” w1 w2 wn