SlideShare uma empresa Scribd logo
1 de 21
Baixar para ler offline
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

Mais conteúdo relacionado

Mais procurados

Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Gaurav Mittal
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learningleopauly
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkKnoldus Inc.
 
Intro to deep learning
Intro to deep learning Intro to deep learning
Intro to deep learning David Voyles
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsKasun Chinthaka Piyarathna
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Suraj Aavula
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine LearningLior Rokach
 
Autoencoders
AutoencodersAutoencoders
AutoencodersCloudxLab
 
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...Edureka!
 
Multilayer perceptron
Multilayer perceptronMultilayer perceptron
Multilayer perceptronomaraldabash
 
Artificial Neural Networks - ANN
Artificial Neural Networks - ANNArtificial Neural Networks - ANN
Artificial Neural Networks - ANNMohamed Talaat
 
An introduction to Machine Learning
An introduction to Machine LearningAn introduction to Machine Learning
An introduction to Machine Learningbutest
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep LearningJulien SIMON
 
Ensemble learning
Ensemble learningEnsemble learning
Ensemble learningHaris Jamil
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networksSi Haem
 
Deep Learning Tutorial
Deep Learning TutorialDeep Learning Tutorial
Deep Learning TutorialAmr Rashed
 

Mais procurados (20)

Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
 
Deep learning presentation
Deep learning presentationDeep learning presentation
Deep learning presentation
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
 
Intro to deep learning
Intro to deep learning Intro to deep learning
Intro to deep learning
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Deep learning
Deep learning Deep learning
Deep learning
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 
Autoencoders
AutoencodersAutoencoders
Autoencoders
 
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...
What is Deep Learning | Deep Learning Simplified | Deep Learning Tutorial | E...
 
Multilayer perceptron
Multilayer perceptronMultilayer perceptron
Multilayer perceptron
 
Artificial Neural Networks - ANN
Artificial Neural Networks - ANNArtificial Neural Networks - ANN
Artificial Neural Networks - ANN
 
An introduction to Machine Learning
An introduction to Machine LearningAn introduction to Machine Learning
An introduction to Machine Learning
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep Learning
 
Ensemble learning
Ensemble learningEnsemble learning
Ensemble learning
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
 
Deep Learning Tutorial
Deep Learning TutorialDeep Learning Tutorial
Deep Learning Tutorial
 
Deep learning ppt
Deep learning pptDeep learning ppt
Deep learning ppt
 

Semelhante a Deep learning

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 FaceTakrim Ul Islam Laskar
 
A Survey of Convolutional Neural Networks
A Survey of Convolutional Neural NetworksA Survey of Convolutional Neural Networks
A Survey of Convolutional Neural NetworksRimzim Thube
 
Separating Hype from Reality in Deep Learning with Sameer Farooqui
 Separating Hype from Reality in Deep Learning with Sameer Farooqui Separating Hype from Reality in Deep Learning with Sameer Farooqui
Separating Hype from Reality in Deep Learning with Sameer FarooquiDatabricks
 
33.-Multi-Layer-Perceptron.pdf
33.-Multi-Layer-Perceptron.pdf33.-Multi-Layer-Perceptron.pdf
33.-Multi-Layer-Perceptron.pdfgnans Kgnanshek
 
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 PrimerPoo Kuan Hoong
 
Visualization of Deep Learning
Visualization of Deep LearningVisualization of Deep Learning
Visualization of Deep LearningYaminiAlapati1
 
Deep learning from a novice perspective
Deep learning from a novice perspectiveDeep learning from a novice perspective
Deep learning from a novice perspectiveAnirban Santara
 
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.pptxDebabrataPain1
 
Automatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face RecognitionAutomatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face Recognitionvatsal199567
 
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 recognitionVigneshwer Dhinakaran
 
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 cnnkartikaursang53
 
Nural network ER. Abhishek k. upadhyay
Nural network ER. Abhishek  k. upadhyayNural network ER. Abhishek  k. upadhyay
Nural network ER. Abhishek k. upadhyayabhishek upadhyay
 
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Łukasz Grala
 

Semelhante a 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
 

Mais de Ratnakar Pandey

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 pythonRatnakar Pandey
 
Fintech Overview and Growth Drivers
Fintech Overview and Growth DriversFintech Overview and Growth Drivers
Fintech Overview and Growth DriversRatnakar Pandey
 
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 ServicesRatnakar 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 learningRatnakar Pandey
 
Key consulting frameworks_for_data_scientist
Key consulting frameworks_for_data_scientistKey consulting frameworks_for_data_scientist
Key consulting frameworks_for_data_scientistRatnakar Pandey
 
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 StatementRatnakar Pandey
 
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 MarketsRatnakar Pandey
 

Mais de 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
 

Último

How is Real-Time Analytics Different from Traditional OLAP?
How is Real-Time Analytics Different from Traditional OLAP?How is Real-Time Analytics Different from Traditional OLAP?
How is Real-Time Analytics Different from Traditional OLAP?sonikadigital1
 
Elements of language learning - an analysis of how different elements of lang...
Elements of language learning - an analysis of how different elements of lang...Elements of language learning - an analysis of how different elements of lang...
Elements of language learning - an analysis of how different elements of lang...PrithaVashisht1
 
Persuasive E-commerce, Our Biased Brain @ Bikkeldag 2024
Persuasive E-commerce, Our Biased Brain @ Bikkeldag 2024Persuasive E-commerce, Our Biased Brain @ Bikkeldag 2024
Persuasive E-commerce, Our Biased Brain @ Bikkeldag 2024Guido X Jansen
 
The Universal GTM - how we design GTM and dataLayer
The Universal GTM - how we design GTM and dataLayerThe Universal GTM - how we design GTM and dataLayer
The Universal GTM - how we design GTM and dataLayerPavel Šabatka
 
Optimal Decision Making - Cost Reduction in Logistics
Optimal Decision Making - Cost Reduction in LogisticsOptimal Decision Making - Cost Reduction in Logistics
Optimal Decision Making - Cost Reduction in LogisticsThinkInnovation
 
5 Ds to Define Data Archiving Best Practices
5 Ds to Define Data Archiving Best Practices5 Ds to Define Data Archiving Best Practices
5 Ds to Define Data Archiving Best PracticesDataArchiva
 
TINJUAN PEMROSESAN TRANSAKSI DAN ERP.pptx
TINJUAN PEMROSESAN TRANSAKSI DAN ERP.pptxTINJUAN PEMROSESAN TRANSAKSI DAN ERP.pptx
TINJUAN PEMROSESAN TRANSAKSI DAN ERP.pptxDwiAyuSitiHartinah
 
Strategic CX: A Deep Dive into Voice of the Customer Insights for Clarity
Strategic CX: A Deep Dive into Voice of the Customer Insights for ClarityStrategic CX: A Deep Dive into Voice of the Customer Insights for Clarity
Strategic CX: A Deep Dive into Voice of the Customer Insights for ClarityAggregage
 
Rock Songs common codes and conventions.pptx
Rock Songs common codes and conventions.pptxRock Songs common codes and conventions.pptx
Rock Songs common codes and conventions.pptxFinatron037
 
CCS336-Cloud-Services-Management-Lecture-Notes-1.pptx
CCS336-Cloud-Services-Management-Lecture-Notes-1.pptxCCS336-Cloud-Services-Management-Lecture-Notes-1.pptx
CCS336-Cloud-Services-Management-Lecture-Notes-1.pptxdhiyaneswaranv1
 
Mapping the pubmed data under different suptopics using NLP.pptx
Mapping the pubmed data under different suptopics using NLP.pptxMapping the pubmed data under different suptopics using NLP.pptx
Mapping the pubmed data under different suptopics using NLP.pptxVenkatasubramani13
 
Virtuosoft SmartSync Product Introduction
Virtuosoft SmartSync Product IntroductionVirtuosoft SmartSync Product Introduction
Virtuosoft SmartSync Product Introductionsanjaymuralee1
 
ChistaDATA Real-Time DATA Analytics Infrastructure
ChistaDATA Real-Time DATA Analytics InfrastructureChistaDATA Real-Time DATA Analytics Infrastructure
ChistaDATA Real-Time DATA Analytics Infrastructuresonikadigital1
 
Master's Thesis - Data Science - Presentation
Master's Thesis - Data Science - PresentationMaster's Thesis - Data Science - Presentation
Master's Thesis - Data Science - PresentationGiorgio Carbone
 
Cash Is Still King: ATM market research '2023
Cash Is Still King: ATM market research '2023Cash Is Still King: ATM market research '2023
Cash Is Still King: ATM market research '2023Vladislav Solodkiy
 
CI, CD -Tools to integrate without manual intervention
CI, CD -Tools to integrate without manual interventionCI, CD -Tools to integrate without manual intervention
CI, CD -Tools to integrate without manual interventionajayrajaganeshkayala
 

Último (16)

How is Real-Time Analytics Different from Traditional OLAP?
How is Real-Time Analytics Different from Traditional OLAP?How is Real-Time Analytics Different from Traditional OLAP?
How is Real-Time Analytics Different from Traditional OLAP?
 
Elements of language learning - an analysis of how different elements of lang...
Elements of language learning - an analysis of how different elements of lang...Elements of language learning - an analysis of how different elements of lang...
Elements of language learning - an analysis of how different elements of lang...
 
Persuasive E-commerce, Our Biased Brain @ Bikkeldag 2024
Persuasive E-commerce, Our Biased Brain @ Bikkeldag 2024Persuasive E-commerce, Our Biased Brain @ Bikkeldag 2024
Persuasive E-commerce, Our Biased Brain @ Bikkeldag 2024
 
The Universal GTM - how we design GTM and dataLayer
The Universal GTM - how we design GTM and dataLayerThe Universal GTM - how we design GTM and dataLayer
The Universal GTM - how we design GTM and dataLayer
 
Optimal Decision Making - Cost Reduction in Logistics
Optimal Decision Making - Cost Reduction in LogisticsOptimal Decision Making - Cost Reduction in Logistics
Optimal Decision Making - Cost Reduction in Logistics
 
5 Ds to Define Data Archiving Best Practices
5 Ds to Define Data Archiving Best Practices5 Ds to Define Data Archiving Best Practices
5 Ds to Define Data Archiving Best Practices
 
TINJUAN PEMROSESAN TRANSAKSI DAN ERP.pptx
TINJUAN PEMROSESAN TRANSAKSI DAN ERP.pptxTINJUAN PEMROSESAN TRANSAKSI DAN ERP.pptx
TINJUAN PEMROSESAN TRANSAKSI DAN ERP.pptx
 
Strategic CX: A Deep Dive into Voice of the Customer Insights for Clarity
Strategic CX: A Deep Dive into Voice of the Customer Insights for ClarityStrategic CX: A Deep Dive into Voice of the Customer Insights for Clarity
Strategic CX: A Deep Dive into Voice of the Customer Insights for Clarity
 
Rock Songs common codes and conventions.pptx
Rock Songs common codes and conventions.pptxRock Songs common codes and conventions.pptx
Rock Songs common codes and conventions.pptx
 
CCS336-Cloud-Services-Management-Lecture-Notes-1.pptx
CCS336-Cloud-Services-Management-Lecture-Notes-1.pptxCCS336-Cloud-Services-Management-Lecture-Notes-1.pptx
CCS336-Cloud-Services-Management-Lecture-Notes-1.pptx
 
Mapping the pubmed data under different suptopics using NLP.pptx
Mapping the pubmed data under different suptopics using NLP.pptxMapping the pubmed data under different suptopics using NLP.pptx
Mapping the pubmed data under different suptopics using NLP.pptx
 
Virtuosoft SmartSync Product Introduction
Virtuosoft SmartSync Product IntroductionVirtuosoft SmartSync Product Introduction
Virtuosoft SmartSync Product Introduction
 
ChistaDATA Real-Time DATA Analytics Infrastructure
ChistaDATA Real-Time DATA Analytics InfrastructureChistaDATA Real-Time DATA Analytics Infrastructure
ChistaDATA Real-Time DATA Analytics Infrastructure
 
Master's Thesis - Data Science - Presentation
Master's Thesis - Data Science - PresentationMaster's Thesis - Data Science - Presentation
Master's Thesis - Data Science - Presentation
 
Cash Is Still King: ATM market research '2023
Cash Is Still King: ATM market research '2023Cash Is Still King: ATM market research '2023
Cash Is Still King: ATM market research '2023
 
CI, CD -Tools to integrate without manual intervention
CI, CD -Tools to integrate without manual interventionCI, CD -Tools to integrate without manual intervention
CI, CD -Tools to integrate without manual intervention
 

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