SlideShare a Scribd company logo
DEEP LEARNING
DEMYSTIFIED
Affine www.affinenalytics.com
BLOG
Affine www.affinenalytics.com
Affine Blog
Deep Learning Demystified
What is Deep Learning?
History of Deep Learning
Traditional Machine Learning had used handwritten features and modality-specific machine learning to classify images, text or recognize voices.
Deep learning / Neural network identifies features and finds different patterns automatically.Time to build these complex tasks has been drastical-
ly reduced and accuracy has exponentially increased because of advancements in Deep learning. Neural networks have been partly inspired from
how 86 billion neurons work in a human and become more of a mathematical and a computer problem. We will see by the end of the blog how
neural networks can be intuitively understood and implemented as a set of matrix multiplications, cost function, and optimization algorithms.
Though DL is being adopted across various enterprises in the last few years, the theory and techniques back to 1940.DL was called with various
names.
Cybernetics 1940–1960
Connectionism 1980–1960
Deep learning 2006-*
Why now?
GPU from the gaming industry, Computation power on demand, and advancements in optimization algorithms have made it the right time for
building applications using Deep learning.
Biological analogy of Neural Network
Note: A neuron is also called as a Unit or a function since a human neuron in the real sense is much more complex in nature than the one
we use in our Neural Networks.
Mathematical/Functional analogy of a Neural Network
The growth of Deep Learning
A recent talk by Jeff Dean has highlighted the massive increase in Deep learning at google. At google, DL is being used in various departments and
usage has increased exponentially in the last few years.
1. DL at a high level can be seen as a mathematical function and the nature of DL is that there exists a neural network for every problem.
This is often called universality.Though there is no guarantee that we can find one. (More on: An intuitive explanation from Michael
Nielsen)
2. An algorithm which fine tunes the parameters of the function. Thanks to Back Propagation and Gradient descent and various versions of
it which precisely does that.
3. The above 2 steps which turns out to be a set of matrix multiplications and derivative calculations, which can be executed much faster
on a GPU. Thanks to the Gaming industry for popularizing and a giving us faster GPU’s which was previously used for performing matrix
operations to manipulate the pixels on the game screens.
4. Thanks to cloud providers like Amazon, Microsoft for allowing customers to use GPU-based instances to build deep learning models on
demand.
Affine www.affinenalytics.com
Affine Blog
Transmorphosizing Banking Through Artificial Intelligence
Popular tools that ease the use of Deep Learning
Types of Neural Networks
From Andrew Ng’s point of view.“AI with deep learning is the new electricity, Just as 100 years ago electricity transformed
industry after industry, AI will now do the same.”
DL is also being applied across multiple impactful applications by different teams across the globe implying its ease of use. Few of them are
• Classification of cucumber: It’s astonishing to know how a farmer from Japan used deep learning and TensorFlow to build a machine
that uses image recognition to segregate cucumbers. Which previously used to take his mother 8 hours of work for few days
• Classification of skin Lesions: Using a pre-trained Convolutional Neural Network, the group created a model that could accuratel
classify skin lesions by 60%, a four-fold increase over the previous benchmark of 15.6%. That’s a massive improvement!
• Heart condition diagnosis: Two hedge fund analysts built this model to diagnose heart diseases with accuracy matching that of
doctors.
• Clothes Classification: This group successfully built a model that could recognize articles of clothing, as well as their style.
The applications that are being built has the ability to transform health sector, fashion industry and much more.
1. Keras: We love keras, it allows us in building and executing our DL models very quickly. It provides a clean API in Python and runs either
on TensorFlow and Theano. It was built with an aim of building DL models easier and faster. It comes with a support for algorithms like
Convolutional Networks, Recurrent Networks and both.
2. TensorFlow: TensorFlow is an open source software from google for numerical computing using data flow graphs. It helps researchers
in experimenting and building new machine learning algorithms and new specialized neural network models. In addition to that, it
provides a higher level tool called TF-learn which used for building deep neural networks quicker. Google in 2016 has open sourced the
distributed version of tensor flow making it scalable. TensorFlow provides you for shipping models to android/ios devices thus reducing
the time to deploy. It also comes with a serving layer which exposes the DL models to other systems.
3. Theano: Theano has similar capabilities like Tensor Flow. We have observed a close tie between TensorFlow and Theano capabilities.
Time has to say which is going to be better.
In the image we have a neuron which takes an inputs X along with weights W and passes it to
function f which acts as a classifier. It is very similar to logistic regression or SVM. We have the
three important parts of building a neural network.
There are many tools that are available today that are helping companies adopt Deep learning faster. Few of them are
Let us start with understanding how a single neural network works.
Affine www.affinenalytics.com
Affine Blog
Transmorphosizing Banking Through Artificial Intelligence
Popular tools that ease the use of Deep Learning
Let us take an example of predicting whether a customer is planning a trip. We build multiple ML models which capture different pattern in the
data. Then we use the output from these models to run another ML model to discover patterns which were not captured by the previous models.
It becomes more complex when we keep on adding more models to the prediction system. Let us look how the stacking of multiple models could
look like.
1. Score function (f): The score function applies the activation function on the inputs along with weights. In this example, the activation
function is a sigmoid which outputs values between 0 to 1, which acts as probabilities for our binary classifier network.
2. Cost function: To evaluate how the neural network has performed against the ground truth we need to use an evaluation metric. We
can use binary cross entropy for the same which tells us how good our network has performed.
3. Optimization algorithm: Our function has input variables which are going to remain constant and the goal is to learn the weights to
reduce the cost thus improving accuracy. There are different ways like searching the weights randomly or using algorithms like SGD
(stochastic gradient descent) which helps in finding the optimal weights for the particular problem.
1. Hidden Layer: The name sounds too crazy when I heard it first but it is quite simple. Any layer that is between input and output is
called hidden layers.
2. Deep Networks: Any network that has more than 1 layer is called deep networks and as the depth increases the computational
complexity also increases.
3. Activation function: We have different activation functions available like sigmoid, tanh, Rectified Linear unit(relu) — applied
max(0,-), leaky relu to fix some drawbacks that come with relu, max out. The most predominantly used ones are relu and max out usage
has also picked up in the recent months.
All the above steps are common to most of the machine learning algorithms. Let’s discuss few more jargons which are typically used in the deep
learning domain before looking at different types of network.
Affine www.affinenalytics.com
Affine Blog
Transmorphosizing Banking Through Artificial Intelligence
Deep Neural Network (Stacking of ML models)
Convolutional Neural Network
Feed forward neural network comes with its limitations when applied to problems like image recognition.Computers understand an image as a
matrix with dimensions as height, width, channels (RGB). To use images in FFN we need to flatten the matrix into a vector of pixels. On simple
image recognition like MNIST data set this gives accuracy around 95% but for complex image recognition the accuracy drops drastically. When
images are flattened as vectors the spatial information about the data is lost. Convolutional networks help in capturing the spatial information.
When the network becomes deep that is more than one layer, a new challenge arises. How do I associate the error with the cost function to
multiple layers? Back propagation algorithm helps in propagating the error to all the weights in the previous layers. The best part is most of the
today’s deep learning tool take care of the back propagation automatically. All we need to specify is build the topology of the network that is the
number of layers, a number of nodes, what activation function to be used, how many epochs/iterations to be executed.
Feed forward neural network does this exactly.It helps in stacking up multiple models together and discovers hidden patterns. When observed
closely the above network can be represented as nested matrix multiplication and can be represented as below
1. Input Layer — X, Weights to hidden layer 1 — W where W,X are represented in the form of a matrix.
2. Output to hidden layer 2 — Activation function f1(WX)
3. 2nd Hidden layer can be represented as f2(f1(wx))
Affine www.affinenalytics.com
Affine Blog
Transmorphosizing Banking Through Artificial Intelligence

More Related Content

What's hot

Notes from Coursera Deep Learning courses by Andrew Ng
Notes from Coursera Deep Learning courses by Andrew NgNotes from Coursera Deep Learning courses by Andrew Ng
Notes from Coursera Deep Learning courses by Andrew Ng
dataHacker. rs
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
Oleg Mygryn
 
Deep Learning Tutorial
Deep Learning TutorialDeep Learning Tutorial
Deep Learning Tutorial
Amr Rashed
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
Jörgen Sandig
 
Deep Learning: Application & Opportunity
Deep Learning: Application & OpportunityDeep Learning: Application & Opportunity
Deep Learning: Application & Opportunity
iTrain
 
Deep learning tutorial 9/2019
Deep learning tutorial 9/2019Deep learning tutorial 9/2019
Deep learning tutorial 9/2019
Amr Rashed
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep Learning
Julien SIMON
 
Deep Visual Understanding from Deep Learning by Prof. Jitendra Malik
Deep Visual Understanding from Deep Learning by Prof. Jitendra MalikDeep Visual Understanding from Deep Learning by Prof. Jitendra Malik
Deep Visual Understanding from Deep Learning by Prof. Jitendra Malik
The Hive
 
Deep Learning With Neural Networks
Deep Learning With Neural NetworksDeep Learning With Neural Networks
Deep Learning With Neural Networks
Aniket Maurya
 
Cat and dog classification
Cat and dog classificationCat and dog classification
Cat and dog classification
omaraldabash
 
Deep learning presentation
Deep learning presentationDeep learning presentation
Deep learning presentation
Tunde Ajose-Ismail
 
Intro to Deep Learning for Computer Vision
Intro to Deep Learning for Computer VisionIntro to Deep Learning for Computer Vision
Intro to Deep Learning for Computer Vision
Christoph Körner
 
Deep learning - what is it and why now?
Deep learning - what is it and why now?Deep learning - what is it and why now?
Deep learning - what is it and why now?
Natalia Konstantinova
 
Deep learning short introduction
Deep learning short introductionDeep learning short introduction
Deep learning short introduction
Adwait Bhave
 
Introduction of Deep Learning
Introduction of Deep LearningIntroduction of Deep Learning
Introduction of Deep Learning
Myungjin Lee
 
An Introduction to Deep Learning
An Introduction to Deep LearningAn Introduction to Deep Learning
An Introduction to Deep Learning
Poo Kuan Hoong
 
Deep Learning Primer: A First-Principles Approach
Deep Learning Primer: A First-Principles ApproachDeep Learning Primer: A First-Principles Approach
Deep Learning Primer: A First-Principles Approach
Maurizio Calo Caligaris
 
Deep learning seminar report
Deep learning seminar reportDeep learning seminar report
Deep learning seminar report
SKS
 
Deep learning frameworks v0.40
Deep learning frameworks v0.40Deep learning frameworks v0.40
Deep learning frameworks v0.40
Jessica Willis
 

What's hot (20)

Notes from Coursera Deep Learning courses by Andrew Ng
Notes from Coursera Deep Learning courses by Andrew NgNotes from Coursera Deep Learning courses by Andrew Ng
Notes from Coursera Deep Learning courses by Andrew Ng
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Deep Learning Tutorial
Deep Learning TutorialDeep Learning Tutorial
Deep Learning Tutorial
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
 
Deep Learning: Application & Opportunity
Deep Learning: Application & OpportunityDeep Learning: Application & Opportunity
Deep Learning: Application & Opportunity
 
Deep learning tutorial 9/2019
Deep learning tutorial 9/2019Deep learning tutorial 9/2019
Deep learning tutorial 9/2019
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep Learning
 
Deep Visual Understanding from Deep Learning by Prof. Jitendra Malik
Deep Visual Understanding from Deep Learning by Prof. Jitendra MalikDeep Visual Understanding from Deep Learning by Prof. Jitendra Malik
Deep Visual Understanding from Deep Learning by Prof. Jitendra Malik
 
Deep Learning With Neural Networks
Deep Learning With Neural NetworksDeep Learning With Neural Networks
Deep Learning With Neural Networks
 
Cat and dog classification
Cat and dog classificationCat and dog classification
Cat and dog classification
 
Deep learning presentation
Deep learning presentationDeep learning presentation
Deep learning presentation
 
Intro to Deep Learning for Computer Vision
Intro to Deep Learning for Computer VisionIntro to Deep Learning for Computer Vision
Intro to Deep Learning for Computer Vision
 
Deep learning - what is it and why now?
Deep learning - what is it and why now?Deep learning - what is it and why now?
Deep learning - what is it and why now?
 
Deep learning short introduction
Deep learning short introductionDeep learning short introduction
Deep learning short introduction
 
Introduction of Deep Learning
Introduction of Deep LearningIntroduction of Deep Learning
Introduction of Deep Learning
 
Deep Learning Survey
Deep Learning SurveyDeep Learning Survey
Deep Learning Survey
 
An Introduction to Deep Learning
An Introduction to Deep LearningAn Introduction to Deep Learning
An Introduction to Deep Learning
 
Deep Learning Primer: A First-Principles Approach
Deep Learning Primer: A First-Principles ApproachDeep Learning Primer: A First-Principles Approach
Deep Learning Primer: A First-Principles Approach
 
Deep learning seminar report
Deep learning seminar reportDeep learning seminar report
Deep learning seminar report
 
Deep learning frameworks v0.40
Deep learning frameworks v0.40Deep learning frameworks v0.40
Deep learning frameworks v0.40
 

Similar to Deep Learning Demystified

Deep learning Introduction and Basics
Deep learning  Introduction and BasicsDeep learning  Introduction and Basics
Deep learning Introduction and Basics
Nitin Mishra
 
Top 10 deep learning algorithms you should know in
Top 10 deep learning algorithms you should know inTop 10 deep learning algorithms you should know in
Top 10 deep learning algorithms you should know in
AmanKumarSingh97
 
Week3-Deep Neural Network (DNN).pptx
Week3-Deep Neural Network (DNN).pptxWeek3-Deep Neural Network (DNN).pptx
Week3-Deep Neural Network (DNN).pptx
fahmi324663
 
Deep Neural Networks (DNN)
Deep Neural Networks (DNN)Deep Neural Networks (DNN)
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in RUnderstanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
Manish Saraswat
 
Deep learning
Deep learningDeep learning
Deep learning
Khaled AMIRAT
 
MachinaFiesta: A Vision into Machine Learning 🚀
MachinaFiesta: A Vision into Machine Learning 🚀MachinaFiesta: A Vision into Machine Learning 🚀
MachinaFiesta: A Vision into Machine Learning 🚀
GDSCNiT
 
Deep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial IntelligenceDeep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial Intelligence
Lukas Masuch
 
Transfer Leaning Using Pytorch synopsis Minor project pptx
Transfer Leaning Using Pytorch  synopsis Minor project pptxTransfer Leaning Using Pytorch  synopsis Minor project pptx
Transfer Leaning Using Pytorch synopsis Minor project pptx
Ankit Gupta
 
What is deep learning and how does it work?
What is deep learning and how does it work?What is deep learning and how does it work?
What is deep learning and how does it work?
Eligo Creative Services
 
1645 goldenberg using our laptop
1645 goldenberg using our laptop1645 goldenberg using our laptop
1645 goldenberg using our laptop
Rising Media, Inc.
 
FreddyAyalaTorchDomineering
FreddyAyalaTorchDomineeringFreddyAyalaTorchDomineering
FreddyAyalaTorchDomineeringFAYALA1987
 
Build a simple image recognition system with tensor flow
Build a simple image recognition system with tensor flowBuild a simple image recognition system with tensor flow
Build a simple image recognition system with tensor flow
DebasisMohanty37
 
Artificial_intelligence.pptx
Artificial_intelligence.pptxArtificial_intelligence.pptx
Artificial_intelligence.pptx
john6938
 
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
vatsal199567
 
Deep Learnings Training.pptx
Deep Learnings Training.pptxDeep Learnings Training.pptx
Deep Learnings Training.pptx
irfanakram32
 
ML crash course
ML crash courseML crash course
ML crash course
mikaelhuss
 
Human Emotion Recognition using Machine Learning
Human Emotion Recognition using Machine LearningHuman Emotion Recognition using Machine Learning
Human Emotion Recognition using Machine Learning
ijtsrd
 
“It’s Not About Sensor Making, it’s About Sense Making” - Moriya Kassis @Prod...
“It’s Not About Sensor Making, it’s About Sense Making” - Moriya Kassis @Prod...“It’s Not About Sensor Making, it’s About Sense Making” - Moriya Kassis @Prod...
“It’s Not About Sensor Making, it’s About Sense Making” - Moriya Kassis @Prod...
Product of Things
 

Similar to Deep Learning Demystified (20)

Deep learning Introduction and Basics
Deep learning  Introduction and BasicsDeep learning  Introduction and Basics
Deep learning Introduction and Basics
 
Top 10 deep learning algorithms you should know in
Top 10 deep learning algorithms you should know inTop 10 deep learning algorithms you should know in
Top 10 deep learning algorithms you should know in
 
Week3-Deep Neural Network (DNN).pptx
Week3-Deep Neural Network (DNN).pptxWeek3-Deep Neural Network (DNN).pptx
Week3-Deep Neural Network (DNN).pptx
 
Deep Neural Networks (DNN)
Deep Neural Networks (DNN)Deep Neural Networks (DNN)
Deep Neural Networks (DNN)
 
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in RUnderstanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
 
Deep learning
Deep learningDeep learning
Deep learning
 
MachinaFiesta: A Vision into Machine Learning 🚀
MachinaFiesta: A Vision into Machine Learning 🚀MachinaFiesta: A Vision into Machine Learning 🚀
MachinaFiesta: A Vision into Machine Learning 🚀
 
Deep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial IntelligenceDeep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial Intelligence
 
Transfer Leaning Using Pytorch synopsis Minor project pptx
Transfer Leaning Using Pytorch  synopsis Minor project pptxTransfer Leaning Using Pytorch  synopsis Minor project pptx
Transfer Leaning Using Pytorch synopsis Minor project pptx
 
What is deep learning and how does it work?
What is deep learning and how does it work?What is deep learning and how does it work?
What is deep learning and how does it work?
 
1645 goldenberg using our laptop
1645 goldenberg using our laptop1645 goldenberg using our laptop
1645 goldenberg using our laptop
 
FreddyAyalaTorchDomineering
FreddyAyalaTorchDomineeringFreddyAyalaTorchDomineering
FreddyAyalaTorchDomineering
 
Build a simple image recognition system with tensor flow
Build a simple image recognition system with tensor flowBuild a simple image recognition system with tensor flow
Build a simple image recognition system with tensor flow
 
Artificial_intelligence.pptx
Artificial_intelligence.pptxArtificial_intelligence.pptx
Artificial_intelligence.pptx
 
Som paper1.doc
Som paper1.docSom paper1.doc
Som paper1.doc
 
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
 
Deep Learnings Training.pptx
Deep Learnings Training.pptxDeep Learnings Training.pptx
Deep Learnings Training.pptx
 
ML crash course
ML crash courseML crash course
ML crash course
 
Human Emotion Recognition using Machine Learning
Human Emotion Recognition using Machine LearningHuman Emotion Recognition using Machine Learning
Human Emotion Recognition using Machine Learning
 
“It’s Not About Sensor Making, it’s About Sense Making” - Moriya Kassis @Prod...
“It’s Not About Sensor Making, it’s About Sense Making” - Moriya Kassis @Prod...“It’s Not About Sensor Making, it’s About Sense Making” - Moriya Kassis @Prod...
“It’s Not About Sensor Making, it’s About Sense Making” - Moriya Kassis @Prod...
 

Recently uploaded

一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
ewymefz
 
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
ewymefz
 
一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单
enxupq
 
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdfCriminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP
 
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
ewymefz
 
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
axoqas
 
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdfCh03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
haila53
 
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
pchutichetpong
 
一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单
ewymefz
 
社内勉強会資料_LLM Agents                              .
社内勉強会資料_LLM Agents                              .社内勉強会資料_LLM Agents                              .
社内勉強会資料_LLM Agents                              .
NABLAS株式会社
 
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
Subhajit Sahu
 
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
AbhimanyuSinha9
 
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
vcaxypu
 
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
slg6lamcq
 
1.Seydhcuxhxyxhccuuxuxyxyxmisolids 2019.pptx
1.Seydhcuxhxyxhccuuxuxyxyxmisolids 2019.pptx1.Seydhcuxhxyxhccuuxuxyxyxmisolids 2019.pptx
1.Seydhcuxhxyxhccuuxuxyxyxmisolids 2019.pptx
Tiktokethiodaily
 
standardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghhstandardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghh
ArpitMalhotra16
 
FP Growth Algorithm and its Applications
FP Growth Algorithm and its ApplicationsFP Growth Algorithm and its Applications
FP Growth Algorithm and its Applications
MaleehaSheikh2
 
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
nscud
 
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
yhkoc
 
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
NABLAS株式会社
 

Recently uploaded (20)

一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
 
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
 
一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单
 
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdfCriminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdf
 
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
 
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
 
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdfCh03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
 
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
 
一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单
 
社内勉強会資料_LLM Agents                              .
社内勉強会資料_LLM Agents                              .社内勉強会資料_LLM Agents                              .
社内勉強会資料_LLM Agents                              .
 
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
Algorithmic optimizations for Dynamic Levelwise PageRank (from STICD) : SHORT...
 
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
 
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
 
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
 
1.Seydhcuxhxyxhccuuxuxyxyxmisolids 2019.pptx
1.Seydhcuxhxyxhccuuxuxyxyxmisolids 2019.pptx1.Seydhcuxhxyxhccuuxuxyxyxmisolids 2019.pptx
1.Seydhcuxhxyxhccuuxuxyxyxmisolids 2019.pptx
 
standardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghhstandardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghh
 
FP Growth Algorithm and its Applications
FP Growth Algorithm and its ApplicationsFP Growth Algorithm and its Applications
FP Growth Algorithm and its Applications
 
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
一比一原版(CBU毕业证)不列颠海角大学毕业证成绩单
 
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
 
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
 

Deep Learning Demystified

  • 2. Affine www.affinenalytics.com Affine Blog Deep Learning Demystified What is Deep Learning? History of Deep Learning Traditional Machine Learning had used handwritten features and modality-specific machine learning to classify images, text or recognize voices. Deep learning / Neural network identifies features and finds different patterns automatically.Time to build these complex tasks has been drastical- ly reduced and accuracy has exponentially increased because of advancements in Deep learning. Neural networks have been partly inspired from how 86 billion neurons work in a human and become more of a mathematical and a computer problem. We will see by the end of the blog how neural networks can be intuitively understood and implemented as a set of matrix multiplications, cost function, and optimization algorithms. Though DL is being adopted across various enterprises in the last few years, the theory and techniques back to 1940.DL was called with various names. Cybernetics 1940–1960 Connectionism 1980–1960 Deep learning 2006-* Why now? GPU from the gaming industry, Computation power on demand, and advancements in optimization algorithms have made it the right time for building applications using Deep learning. Biological analogy of Neural Network Note: A neuron is also called as a Unit or a function since a human neuron in the real sense is much more complex in nature than the one we use in our Neural Networks. Mathematical/Functional analogy of a Neural Network
  • 3. The growth of Deep Learning A recent talk by Jeff Dean has highlighted the massive increase in Deep learning at google. At google, DL is being used in various departments and usage has increased exponentially in the last few years. 1. DL at a high level can be seen as a mathematical function and the nature of DL is that there exists a neural network for every problem. This is often called universality.Though there is no guarantee that we can find one. (More on: An intuitive explanation from Michael Nielsen) 2. An algorithm which fine tunes the parameters of the function. Thanks to Back Propagation and Gradient descent and various versions of it which precisely does that. 3. The above 2 steps which turns out to be a set of matrix multiplications and derivative calculations, which can be executed much faster on a GPU. Thanks to the Gaming industry for popularizing and a giving us faster GPU’s which was previously used for performing matrix operations to manipulate the pixels on the game screens. 4. Thanks to cloud providers like Amazon, Microsoft for allowing customers to use GPU-based instances to build deep learning models on demand. Affine www.affinenalytics.com Affine Blog Transmorphosizing Banking Through Artificial Intelligence
  • 4. Popular tools that ease the use of Deep Learning Types of Neural Networks From Andrew Ng’s point of view.“AI with deep learning is the new electricity, Just as 100 years ago electricity transformed industry after industry, AI will now do the same.” DL is also being applied across multiple impactful applications by different teams across the globe implying its ease of use. Few of them are • Classification of cucumber: It’s astonishing to know how a farmer from Japan used deep learning and TensorFlow to build a machine that uses image recognition to segregate cucumbers. Which previously used to take his mother 8 hours of work for few days • Classification of skin Lesions: Using a pre-trained Convolutional Neural Network, the group created a model that could accuratel classify skin lesions by 60%, a four-fold increase over the previous benchmark of 15.6%. That’s a massive improvement! • Heart condition diagnosis: Two hedge fund analysts built this model to diagnose heart diseases with accuracy matching that of doctors. • Clothes Classification: This group successfully built a model that could recognize articles of clothing, as well as their style. The applications that are being built has the ability to transform health sector, fashion industry and much more. 1. Keras: We love keras, it allows us in building and executing our DL models very quickly. It provides a clean API in Python and runs either on TensorFlow and Theano. It was built with an aim of building DL models easier and faster. It comes with a support for algorithms like Convolutional Networks, Recurrent Networks and both. 2. TensorFlow: TensorFlow is an open source software from google for numerical computing using data flow graphs. It helps researchers in experimenting and building new machine learning algorithms and new specialized neural network models. In addition to that, it provides a higher level tool called TF-learn which used for building deep neural networks quicker. Google in 2016 has open sourced the distributed version of tensor flow making it scalable. TensorFlow provides you for shipping models to android/ios devices thus reducing the time to deploy. It also comes with a serving layer which exposes the DL models to other systems. 3. Theano: Theano has similar capabilities like Tensor Flow. We have observed a close tie between TensorFlow and Theano capabilities. Time has to say which is going to be better. In the image we have a neuron which takes an inputs X along with weights W and passes it to function f which acts as a classifier. It is very similar to logistic regression or SVM. We have the three important parts of building a neural network. There are many tools that are available today that are helping companies adopt Deep learning faster. Few of them are Let us start with understanding how a single neural network works. Affine www.affinenalytics.com Affine Blog Transmorphosizing Banking Through Artificial Intelligence
  • 5. Popular tools that ease the use of Deep Learning Let us take an example of predicting whether a customer is planning a trip. We build multiple ML models which capture different pattern in the data. Then we use the output from these models to run another ML model to discover patterns which were not captured by the previous models. It becomes more complex when we keep on adding more models to the prediction system. Let us look how the stacking of multiple models could look like. 1. Score function (f): The score function applies the activation function on the inputs along with weights. In this example, the activation function is a sigmoid which outputs values between 0 to 1, which acts as probabilities for our binary classifier network. 2. Cost function: To evaluate how the neural network has performed against the ground truth we need to use an evaluation metric. We can use binary cross entropy for the same which tells us how good our network has performed. 3. Optimization algorithm: Our function has input variables which are going to remain constant and the goal is to learn the weights to reduce the cost thus improving accuracy. There are different ways like searching the weights randomly or using algorithms like SGD (stochastic gradient descent) which helps in finding the optimal weights for the particular problem. 1. Hidden Layer: The name sounds too crazy when I heard it first but it is quite simple. Any layer that is between input and output is called hidden layers. 2. Deep Networks: Any network that has more than 1 layer is called deep networks and as the depth increases the computational complexity also increases. 3. Activation function: We have different activation functions available like sigmoid, tanh, Rectified Linear unit(relu) — applied max(0,-), leaky relu to fix some drawbacks that come with relu, max out. The most predominantly used ones are relu and max out usage has also picked up in the recent months. All the above steps are common to most of the machine learning algorithms. Let’s discuss few more jargons which are typically used in the deep learning domain before looking at different types of network. Affine www.affinenalytics.com Affine Blog Transmorphosizing Banking Through Artificial Intelligence Deep Neural Network (Stacking of ML models)
  • 6. Convolutional Neural Network Feed forward neural network comes with its limitations when applied to problems like image recognition.Computers understand an image as a matrix with dimensions as height, width, channels (RGB). To use images in FFN we need to flatten the matrix into a vector of pixels. On simple image recognition like MNIST data set this gives accuracy around 95% but for complex image recognition the accuracy drops drastically. When images are flattened as vectors the spatial information about the data is lost. Convolutional networks help in capturing the spatial information. When the network becomes deep that is more than one layer, a new challenge arises. How do I associate the error with the cost function to multiple layers? Back propagation algorithm helps in propagating the error to all the weights in the previous layers. The best part is most of the today’s deep learning tool take care of the back propagation automatically. All we need to specify is build the topology of the network that is the number of layers, a number of nodes, what activation function to be used, how many epochs/iterations to be executed. Feed forward neural network does this exactly.It helps in stacking up multiple models together and discovers hidden patterns. When observed closely the above network can be represented as nested matrix multiplication and can be represented as below 1. Input Layer — X, Weights to hidden layer 1 — W where W,X are represented in the form of a matrix. 2. Output to hidden layer 2 — Activation function f1(WX) 3. 2nd Hidden layer can be represented as f2(f1(wx)) Affine www.affinenalytics.com Affine Blog Transmorphosizing Banking Through Artificial Intelligence