SlideShare une entreprise Scribd logo
1  sur  16
Introduction to Artificial Neural
Network and Deep Learning
Pramod R
Senior Lead Data Scientist
Fidelity
https://twitter.com/getpramodr
https://www.linkedin.com/in/pramod-r-05b38212/
https://github.com/meetpramodr/
Agenda
● What is a neural network
● Popular Use Cases/Examples of Neural Network
● Deep Dive:
○ Discuss Linear Separability/non Linear Separability
○ Components of neural network - input, output and hidden
○ What is inside the hidden layer - weight+bias and the activation
○ What is a Loss function
○ Gradient descent and back propagation with example
○ Activation function
● Hands on Keras:
○ Build a feed forward neural network for a classification problem
○ Measure the accuracy of the model
○ Save the model and tips for deployment
What is a Neural Network
● Ever wondered how our brain maps different
resolutions and styles of the number to the exact
number?
● Imagine writing a computer program to find the pixel
densities to classify a number based on their pattern
of arrangement? It would be a super non trivial task
Intro to Colab
Word of caution: If data is the new oil, then GPUs are truly its superbike engine
https://github.com/meetpramodr/Introduction-to-Artificial-Neural-Network-and-Deep-Learning
What is a Neural Network - contd..
NEURONS NETWORK
- Cells that does some
compute and holds numbers
- Also known as the
activations
- Connects multiple neurons
to form a network
- Transmits the stored
numbers through edges
A single neuron in the brain is an incredibly complex
machine that even today we don’t understand. A
single “neuron” in a neural network is an incredibly
simple mathematical function that captures a
minuscule fraction of the complexity of a biological
neuron. So to say neural networks mimic the brain,
that is true at the level of loose inspiration, but really
artificial neural networks are nothing like what the
biological brain does.
- Andrew NG
Popular Use Cases of Neural Network
SIRI
TESLA
CHATBOTS
BlackHole
AIRBnB
Linear vs Non-linear Separability
A set of points (belonging to say two different classes
- blue and red) are Linearly Separable if there
exists at least a single line with all the blue dots on
one side and red dots on the other. In a generalized -
higher dimension, we call this as a hyperplane
If the points cannot be separated by a single line
(without using kernels), then they cannot be
separated linearly
Components of a Neural Network
X1
X2
X3
Input layer
Hidden layer
Output layer
What is inside the hidden layer
Neurons
● A Neuron is the elementary part of the hidden layer
● Resembles Logistic Regression in its Primitive State
● Has 2 components;
○ Weight + Bias
○ Activation Function
X Y
WX+b Activatio
n
(sigmoid)
For example, to predict the likelihood of a person having a heart
ailment can be expressed as -
No. of cigarettes he
smokes per day * W + b Sigmoid
Predicted: Probability
that the person has a
heart ailment
Estimating the Weights - Loss Function
Loss Function
Quantifies our unhappiness with our prediction on the training set
LOSS ACTUALS PREDICTED
The objective is to minimize this loss function by choosing the optimal values of W (and b)
Estimating W (and b) to attain minimum Loss:
(Because Loss can be controlled by the weights and not by the data)
● Localized Random Search
● Gradient Descent
Math Refresher
Y
X
y -intercept
C
slope - m
Δy
Δx
y = mx + c
Slope of the line = Δy/Δx
Y = WX+b
Estimating the Weights - Gradient Descent with an Example
age bp
39 144
47 220
45 138
47 145
65 162
46 142
67 170
● Initialize a line with slope 0 (or some random value)
● Calculate the residuals (or the loss - our unhappiness with the model) and plot it in a separate
graph
Loss
Iterations
● Calculate the rate of change of y with respect to x (slope = Δy/Δx) which is currently set to 0, but
has to be a certainly something greater than 0
● Now, alter the line using the new slope, and recompute the residuals/losses until we reach the
minimal loss. The corresponding slope of the line would be our model weight.
Examples
● Recognizing images
● Understanding speech
● Translate speech
● Grasp objects
● Avoid an obstacle
● Tagging a text/image
Counter Examples
● Get sarcasm/irony
● Decisions/Judgements where
no data/model is available (gut
feel)
● Generalize to new scenarios
● Judge a character of a person?
Back Propagation and Chain Rule
Chain Rule:
Toy example - Simple computational
graph
Quick differentiation refresher
f(x,y,z) = (x+y)*z
Compute: ∂f/∂x, ∂f/∂y, ∂f/∂z
Given - x=-2, y=5, z=-4
q=3
f=-12
+ *
x=-2
y=5
z=-4
Forward Pass
q=(x+y)
f=q*z
∂q/∂x=1;∂q/∂y=1
∂f/∂q=z;∂f/∂z=q
+ *
x=-2
y=5
q=3
f=-12
Back Propagate
z=-4
Chain Rule
Activation Functions
Activation Functions add non linearity in the models, by
allowing/disallowing signals beyond a certain threshold.
Example: Sigmoid takes any number and ‘squashes’ them between 0 and 1
Tanh
Thank you!

Contenu connexe

Tendances

Variational Auto Encoder and the Math Behind
Variational Auto Encoder and the Math BehindVariational Auto Encoder and the Math Behind
Variational Auto Encoder and the Math BehindVarun Reddy
 
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)Universitat Politècnica de Catalunya
 
Continual reinforcement learning with complex synapses
Continual reinforcement learning with complex synapsesContinual reinforcement learning with complex synapses
Continual reinforcement learning with complex synapsesThyrixYang1
 
Attention is all you need (UPC Reading Group 2018, by Santi Pascual)
Attention is all you need (UPC Reading Group 2018, by Santi Pascual)Attention is all you need (UPC Reading Group 2018, by Santi Pascual)
Attention is all you need (UPC Reading Group 2018, by Santi Pascual)Universitat Politècnica de Catalunya
 
Deep Generative Models I (DLAI D9L2 2017 UPC Deep Learning for Artificial Int...
Deep Generative Models I (DLAI D9L2 2017 UPC Deep Learning for Artificial Int...Deep Generative Models I (DLAI D9L2 2017 UPC Deep Learning for Artificial Int...
Deep Generative Models I (DLAI D9L2 2017 UPC Deep Learning for Artificial Int...Universitat Politècnica de Catalunya
 
Anomaly Detection and Localization Using GAN and One-Class Classifier
Anomaly Detection and Localization  Using GAN and One-Class ClassifierAnomaly Detection and Localization  Using GAN and One-Class Classifier
Anomaly Detection and Localization Using GAN and One-Class Classifier홍배 김
 
Transfer Learning and Domain Adaptation - Ramon Morros - UPC Barcelona 2018
Transfer Learning and Domain Adaptation - Ramon Morros - UPC Barcelona 2018Transfer Learning and Domain Adaptation - Ramon Morros - UPC Barcelona 2018
Transfer Learning and Domain Adaptation - Ramon Morros - UPC Barcelona 2018Universitat Politècnica de Catalunya
 
Manifold learning with application to object recognition
Manifold learning with application to object recognitionManifold learning with application to object recognition
Manifold learning with application to object recognitionzukun
 
Recurrent Neural Networks I (D2L2 Deep Learning for Speech and Language UPC 2...
Recurrent Neural Networks I (D2L2 Deep Learning for Speech and Language UPC 2...Recurrent Neural Networks I (D2L2 Deep Learning for Speech and Language UPC 2...
Recurrent Neural Networks I (D2L2 Deep Learning for Speech and Language UPC 2...Universitat Politècnica de Catalunya
 
Auto-encoding variational bayes
Auto-encoding variational bayesAuto-encoding variational bayes
Auto-encoding variational bayesKyuri Kim
 
xSDN - An Expressive Simulator for Dynamic Network Flows
xSDN - An Expressive Simulator for Dynamic Network FlowsxSDN - An Expressive Simulator for Dynamic Network Flows
xSDN - An Expressive Simulator for Dynamic Network FlowsPradeeban Kathiravelu, Ph.D.
 
Machine learning session 9
Machine learning session 9Machine learning session 9
Machine learning session 9NirsandhG
 
Anomaly detection using deep one class classifier
Anomaly detection using deep one class classifierAnomaly detection using deep one class classifier
Anomaly detection using deep one class classifier홍배 김
 
The world of loss function
The world of loss functionThe world of loss function
The world of loss function홍배 김
 
PixelCNN, Wavenet, Normalizing Flows - Santiago Pascual - UPC Barcelona 2018
PixelCNN, Wavenet, Normalizing Flows - Santiago Pascual - UPC Barcelona 2018PixelCNN, Wavenet, Normalizing Flows - Santiago Pascual - UPC Barcelona 2018
PixelCNN, Wavenet, Normalizing Flows - Santiago Pascual - UPC Barcelona 2018Universitat Politècnica de Catalunya
 
Convolutional Neural Networks - Veronica Vilaplana - UPC Barcelona 2018
Convolutional Neural Networks - Veronica Vilaplana - UPC Barcelona 2018Convolutional Neural Networks - Veronica Vilaplana - UPC Barcelona 2018
Convolutional Neural Networks - Veronica Vilaplana - UPC Barcelona 2018Universitat Politècnica de Catalunya
 

Tendances (20)

Variational Auto Encoder and the Math Behind
Variational Auto Encoder and the Math BehindVariational Auto Encoder and the Math Behind
Variational Auto Encoder and the Math Behind
 
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
 
Data comparation
Data comparationData comparation
Data comparation
 
Continual reinforcement learning with complex synapses
Continual reinforcement learning with complex synapsesContinual reinforcement learning with complex synapses
Continual reinforcement learning with complex synapses
 
Attention is all you need (UPC Reading Group 2018, by Santi Pascual)
Attention is all you need (UPC Reading Group 2018, by Santi Pascual)Attention is all you need (UPC Reading Group 2018, by Santi Pascual)
Attention is all you need (UPC Reading Group 2018, by Santi Pascual)
 
The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)
The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)
The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)
 
Deep Generative Models I (DLAI D9L2 2017 UPC Deep Learning for Artificial Int...
Deep Generative Models I (DLAI D9L2 2017 UPC Deep Learning for Artificial Int...Deep Generative Models I (DLAI D9L2 2017 UPC Deep Learning for Artificial Int...
Deep Generative Models I (DLAI D9L2 2017 UPC Deep Learning for Artificial Int...
 
Anomaly Detection and Localization Using GAN and One-Class Classifier
Anomaly Detection and Localization  Using GAN and One-Class ClassifierAnomaly Detection and Localization  Using GAN and One-Class Classifier
Anomaly Detection and Localization Using GAN and One-Class Classifier
 
Transfer Learning and Domain Adaptation - Ramon Morros - UPC Barcelona 2018
Transfer Learning and Domain Adaptation - Ramon Morros - UPC Barcelona 2018Transfer Learning and Domain Adaptation - Ramon Morros - UPC Barcelona 2018
Transfer Learning and Domain Adaptation - Ramon Morros - UPC Barcelona 2018
 
Manifold learning with application to object recognition
Manifold learning with application to object recognitionManifold learning with application to object recognition
Manifold learning with application to object recognition
 
Recurrent Neural Networks I (D2L2 Deep Learning for Speech and Language UPC 2...
Recurrent Neural Networks I (D2L2 Deep Learning for Speech and Language UPC 2...Recurrent Neural Networks I (D2L2 Deep Learning for Speech and Language UPC 2...
Recurrent Neural Networks I (D2L2 Deep Learning for Speech and Language UPC 2...
 
Auto-encoding variational bayes
Auto-encoding variational bayesAuto-encoding variational bayes
Auto-encoding variational bayes
 
Attention Models (D3L6 2017 UPC Deep Learning for Computer Vision)
Attention Models (D3L6 2017 UPC Deep Learning for Computer Vision)Attention Models (D3L6 2017 UPC Deep Learning for Computer Vision)
Attention Models (D3L6 2017 UPC Deep Learning for Computer Vision)
 
xSDN - An Expressive Simulator for Dynamic Network Flows
xSDN - An Expressive Simulator for Dynamic Network FlowsxSDN - An Expressive Simulator for Dynamic Network Flows
xSDN - An Expressive Simulator for Dynamic Network Flows
 
Machine learning session 9
Machine learning session 9Machine learning session 9
Machine learning session 9
 
Anomaly detection using deep one class classifier
Anomaly detection using deep one class classifierAnomaly detection using deep one class classifier
Anomaly detection using deep one class classifier
 
The world of loss function
The world of loss functionThe world of loss function
The world of loss function
 
PixelCNN, Wavenet, Normalizing Flows - Santiago Pascual - UPC Barcelona 2018
PixelCNN, Wavenet, Normalizing Flows - Santiago Pascual - UPC Barcelona 2018PixelCNN, Wavenet, Normalizing Flows - Santiago Pascual - UPC Barcelona 2018
PixelCNN, Wavenet, Normalizing Flows - Santiago Pascual - UPC Barcelona 2018
 
Perceptrons (D1L2 2017 UPC Deep Learning for Computer Vision)
Perceptrons (D1L2 2017 UPC Deep Learning for Computer Vision)Perceptrons (D1L2 2017 UPC Deep Learning for Computer Vision)
Perceptrons (D1L2 2017 UPC Deep Learning for Computer Vision)
 
Convolutional Neural Networks - Veronica Vilaplana - UPC Barcelona 2018
Convolutional Neural Networks - Veronica Vilaplana - UPC Barcelona 2018Convolutional Neural Networks - Veronica Vilaplana - UPC Barcelona 2018
Convolutional Neural Networks - Veronica Vilaplana - UPC Barcelona 2018
 

Similaire à Introduction to artificial neural network and deep learning

Deep Learning Tutorial
Deep Learning Tutorial Deep Learning Tutorial
Deep Learning Tutorial Ligeng Zhu
 
Deep Learning Module 2A Training MLP.pptx
Deep Learning Module 2A Training MLP.pptxDeep Learning Module 2A Training MLP.pptx
Deep Learning Module 2A Training MLP.pptxvipul6601
 
Illustrative Introductory Neural Networks
Illustrative Introductory Neural NetworksIllustrative Introductory Neural Networks
Illustrative Introductory Neural NetworksYasutoTamura1
 
Machine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionMachine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionTe-Yen Liu
 
Neural Network Approximation.pdf
Neural Network Approximation.pdfNeural Network Approximation.pdf
Neural Network Approximation.pdfbvhrs2
 
1-pytorch-CNN-RNN.pdf
1-pytorch-CNN-RNN.pdf1-pytorch-CNN-RNN.pdf
1-pytorch-CNN-RNN.pdfAndrey63387
 
Artificial Neural Networks for NIU
Artificial Neural Networks for NIUArtificial Neural Networks for NIU
Artificial Neural Networks for NIUProf. Neeta Awasthy
 
Aaa ped-17-Unsupervised Learning: Dimensionality reduction
Aaa ped-17-Unsupervised Learning: Dimensionality reductionAaa ped-17-Unsupervised Learning: Dimensionality reduction
Aaa ped-17-Unsupervised Learning: Dimensionality reductionAminaRepo
 
Neuromation.io AI Ukraine Presentation
Neuromation.io AI Ukraine PresentationNeuromation.io AI Ukraine Presentation
Neuromation.io AI Ukraine PresentationBohdan Klimenko
 
Keras on tensorflow in R & Python
Keras on tensorflow in R & PythonKeras on tensorflow in R & Python
Keras on tensorflow in R & PythonLonghow Lam
 
Deep learning from scratch
Deep learning from scratch Deep learning from scratch
Deep learning from scratch Eran Shlomo
 
Neural Nets Deconstructed
Neural Nets DeconstructedNeural Nets Deconstructed
Neural Nets DeconstructedPaul Sterk
 
Machine Learning: Introduction to Neural Networks
Machine Learning: Introduction to Neural NetworksMachine Learning: Introduction to Neural Networks
Machine Learning: Introduction to Neural NetworksFrancesco Collova'
 
Introduction to Applied Machine Learning
Introduction to Applied Machine LearningIntroduction to Applied Machine Learning
Introduction to Applied Machine LearningSheilaJimenezMorejon
 

Similaire à Introduction to artificial neural network and deep learning (20)

Deep Learning Tutorial
Deep Learning Tutorial Deep Learning Tutorial
Deep Learning Tutorial
 
supervised.pptx
supervised.pptxsupervised.pptx
supervised.pptx
 
Deep Learning Module 2A Training MLP.pptx
Deep Learning Module 2A Training MLP.pptxDeep Learning Module 2A Training MLP.pptx
Deep Learning Module 2A Training MLP.pptx
 
Neural networks
Neural networksNeural networks
Neural networks
 
Illustrative Introductory Neural Networks
Illustrative Introductory Neural NetworksIllustrative Introductory Neural Networks
Illustrative Introductory Neural Networks
 
Machine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionMachine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis Introduction
 
Neural
NeuralNeural
Neural
 
Neural Network Approximation.pdf
Neural Network Approximation.pdfNeural Network Approximation.pdf
Neural Network Approximation.pdf
 
1-pytorch-CNN-RNN.pdf
1-pytorch-CNN-RNN.pdf1-pytorch-CNN-RNN.pdf
1-pytorch-CNN-RNN.pdf
 
Artificial Neural Networks for NIU
Artificial Neural Networks for NIUArtificial Neural Networks for NIU
Artificial Neural Networks for NIU
 
Machine Learning 1
Machine Learning 1Machine Learning 1
Machine Learning 1
 
Aaa ped-17-Unsupervised Learning: Dimensionality reduction
Aaa ped-17-Unsupervised Learning: Dimensionality reductionAaa ped-17-Unsupervised Learning: Dimensionality reduction
Aaa ped-17-Unsupervised Learning: Dimensionality reduction
 
Deep learning
Deep learningDeep learning
Deep learning
 
Neuromation.io AI Ukraine Presentation
Neuromation.io AI Ukraine PresentationNeuromation.io AI Ukraine Presentation
Neuromation.io AI Ukraine Presentation
 
Keras on tensorflow in R & Python
Keras on tensorflow in R & PythonKeras on tensorflow in R & Python
Keras on tensorflow in R & Python
 
Deep learning from scratch
Deep learning from scratch Deep learning from scratch
Deep learning from scratch
 
Neural Nets Deconstructed
Neural Nets DeconstructedNeural Nets Deconstructed
Neural Nets Deconstructed
 
Machine Learning: Introduction to Neural Networks
Machine Learning: Introduction to Neural NetworksMachine Learning: Introduction to Neural Networks
Machine Learning: Introduction to Neural Networks
 
Introduction to Applied Machine Learning
Introduction to Applied Machine LearningIntroduction to Applied Machine Learning
Introduction to Applied Machine Learning
 
Java and Deep Learning
Java and Deep LearningJava and Deep Learning
Java and Deep Learning
 

Dernier

Rithik Kumar Singh codealpha pythohn.pdf
Rithik Kumar Singh codealpha pythohn.pdfRithik Kumar Singh codealpha pythohn.pdf
Rithik Kumar Singh codealpha pythohn.pdfrahulyadav957181
 
IBEF report on the Insurance market in India
IBEF report on the Insurance market in IndiaIBEF report on the Insurance market in India
IBEF report on the Insurance market in IndiaManalVerma4
 
Decoding Movie Sentiments: Analyzing Reviews with Data Analysis model
Decoding Movie Sentiments: Analyzing Reviews with Data Analysis modelDecoding Movie Sentiments: Analyzing Reviews with Data Analysis model
Decoding Movie Sentiments: Analyzing Reviews with Data Analysis modelBoston Institute of Analytics
 
Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...
Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...
Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...Thomas Poetter
 
Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...Seán Kennedy
 
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...Boston Institute of Analytics
 
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...Amil Baba Dawood bangali
 
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...Boston Institute of Analytics
 
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...Dr Arash Najmaei ( Phd., MBA, BSc)
 
Cyber awareness ppt on the recorded data
Cyber awareness ppt on the recorded dataCyber awareness ppt on the recorded data
Cyber awareness ppt on the recorded dataTecnoIncentive
 
SMOTE and K-Fold Cross Validation-Presentation.pptx
SMOTE and K-Fold Cross Validation-Presentation.pptxSMOTE and K-Fold Cross Validation-Presentation.pptx
SMOTE and K-Fold Cross Validation-Presentation.pptxHaritikaChhatwal1
 
Digital Marketing Plan, how digital marketing works
Digital Marketing Plan, how digital marketing worksDigital Marketing Plan, how digital marketing works
Digital Marketing Plan, how digital marketing worksdeepakthakur548787
 
Networking Case Study prepared by teacher.pptx
Networking Case Study prepared by teacher.pptxNetworking Case Study prepared by teacher.pptx
Networking Case Study prepared by teacher.pptxHimangsuNath
 
Semantic Shed - Squashing and Squeezing.pptx
Semantic Shed - Squashing and Squeezing.pptxSemantic Shed - Squashing and Squeezing.pptx
Semantic Shed - Squashing and Squeezing.pptxMike Bennett
 
modul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptxmodul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptxaleedritatuxx
 
World Economic Forum Metaverse Ecosystem By Utpal Chakraborty.pdf
World Economic Forum Metaverse Ecosystem By Utpal Chakraborty.pdfWorld Economic Forum Metaverse Ecosystem By Utpal Chakraborty.pdf
World Economic Forum Metaverse Ecosystem By Utpal Chakraborty.pdfsimulationsindia
 
Decoding Patterns: Customer Churn Prediction Data Analysis Project
Decoding Patterns: Customer Churn Prediction Data Analysis ProjectDecoding Patterns: Customer Churn Prediction Data Analysis Project
Decoding Patterns: Customer Churn Prediction Data Analysis ProjectBoston Institute of Analytics
 
why-transparency-and-traceability-are-essential-for-sustainable-supply-chains...
why-transparency-and-traceability-are-essential-for-sustainable-supply-chains...why-transparency-and-traceability-are-essential-for-sustainable-supply-chains...
why-transparency-and-traceability-are-essential-for-sustainable-supply-chains...Jack Cole
 

Dernier (20)

Rithik Kumar Singh codealpha pythohn.pdf
Rithik Kumar Singh codealpha pythohn.pdfRithik Kumar Singh codealpha pythohn.pdf
Rithik Kumar Singh codealpha pythohn.pdf
 
IBEF report on the Insurance market in India
IBEF report on the Insurance market in IndiaIBEF report on the Insurance market in India
IBEF report on the Insurance market in India
 
Decoding Movie Sentiments: Analyzing Reviews with Data Analysis model
Decoding Movie Sentiments: Analyzing Reviews with Data Analysis modelDecoding Movie Sentiments: Analyzing Reviews with Data Analysis model
Decoding Movie Sentiments: Analyzing Reviews with Data Analysis model
 
Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...
Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...
Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...
 
Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...
 
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...
 
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
 
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
 
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...
 
Cyber awareness ppt on the recorded data
Cyber awareness ppt on the recorded dataCyber awareness ppt on the recorded data
Cyber awareness ppt on the recorded data
 
Insurance Churn Prediction Data Analysis Project
Insurance Churn Prediction Data Analysis ProjectInsurance Churn Prediction Data Analysis Project
Insurance Churn Prediction Data Analysis Project
 
SMOTE and K-Fold Cross Validation-Presentation.pptx
SMOTE and K-Fold Cross Validation-Presentation.pptxSMOTE and K-Fold Cross Validation-Presentation.pptx
SMOTE and K-Fold Cross Validation-Presentation.pptx
 
Digital Marketing Plan, how digital marketing works
Digital Marketing Plan, how digital marketing worksDigital Marketing Plan, how digital marketing works
Digital Marketing Plan, how digital marketing works
 
Networking Case Study prepared by teacher.pptx
Networking Case Study prepared by teacher.pptxNetworking Case Study prepared by teacher.pptx
Networking Case Study prepared by teacher.pptx
 
Semantic Shed - Squashing and Squeezing.pptx
Semantic Shed - Squashing and Squeezing.pptxSemantic Shed - Squashing and Squeezing.pptx
Semantic Shed - Squashing and Squeezing.pptx
 
modul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptxmodul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptx
 
World Economic Forum Metaverse Ecosystem By Utpal Chakraborty.pdf
World Economic Forum Metaverse Ecosystem By Utpal Chakraborty.pdfWorld Economic Forum Metaverse Ecosystem By Utpal Chakraborty.pdf
World Economic Forum Metaverse Ecosystem By Utpal Chakraborty.pdf
 
Data Analysis Project: Stroke Prediction
Data Analysis Project: Stroke PredictionData Analysis Project: Stroke Prediction
Data Analysis Project: Stroke Prediction
 
Decoding Patterns: Customer Churn Prediction Data Analysis Project
Decoding Patterns: Customer Churn Prediction Data Analysis ProjectDecoding Patterns: Customer Churn Prediction Data Analysis Project
Decoding Patterns: Customer Churn Prediction Data Analysis Project
 
why-transparency-and-traceability-are-essential-for-sustainable-supply-chains...
why-transparency-and-traceability-are-essential-for-sustainable-supply-chains...why-transparency-and-traceability-are-essential-for-sustainable-supply-chains...
why-transparency-and-traceability-are-essential-for-sustainable-supply-chains...
 

Introduction to artificial neural network and deep learning

  • 1. Introduction to Artificial Neural Network and Deep Learning Pramod R Senior Lead Data Scientist Fidelity https://twitter.com/getpramodr https://www.linkedin.com/in/pramod-r-05b38212/ https://github.com/meetpramodr/
  • 2. Agenda ● What is a neural network ● Popular Use Cases/Examples of Neural Network ● Deep Dive: ○ Discuss Linear Separability/non Linear Separability ○ Components of neural network - input, output and hidden ○ What is inside the hidden layer - weight+bias and the activation ○ What is a Loss function ○ Gradient descent and back propagation with example ○ Activation function ● Hands on Keras: ○ Build a feed forward neural network for a classification problem ○ Measure the accuracy of the model ○ Save the model and tips for deployment
  • 3. What is a Neural Network ● Ever wondered how our brain maps different resolutions and styles of the number to the exact number? ● Imagine writing a computer program to find the pixel densities to classify a number based on their pattern of arrangement? It would be a super non trivial task
  • 4. Intro to Colab Word of caution: If data is the new oil, then GPUs are truly its superbike engine https://github.com/meetpramodr/Introduction-to-Artificial-Neural-Network-and-Deep-Learning
  • 5. What is a Neural Network - contd.. NEURONS NETWORK - Cells that does some compute and holds numbers - Also known as the activations - Connects multiple neurons to form a network - Transmits the stored numbers through edges A single neuron in the brain is an incredibly complex machine that even today we don’t understand. A single “neuron” in a neural network is an incredibly simple mathematical function that captures a minuscule fraction of the complexity of a biological neuron. So to say neural networks mimic the brain, that is true at the level of loose inspiration, but really artificial neural networks are nothing like what the biological brain does. - Andrew NG
  • 6. Popular Use Cases of Neural Network SIRI TESLA CHATBOTS BlackHole AIRBnB
  • 7. Linear vs Non-linear Separability A set of points (belonging to say two different classes - blue and red) are Linearly Separable if there exists at least a single line with all the blue dots on one side and red dots on the other. In a generalized - higher dimension, we call this as a hyperplane If the points cannot be separated by a single line (without using kernels), then they cannot be separated linearly
  • 8. Components of a Neural Network X1 X2 X3 Input layer Hidden layer Output layer
  • 9. What is inside the hidden layer Neurons ● A Neuron is the elementary part of the hidden layer ● Resembles Logistic Regression in its Primitive State ● Has 2 components; ○ Weight + Bias ○ Activation Function X Y WX+b Activatio n (sigmoid) For example, to predict the likelihood of a person having a heart ailment can be expressed as - No. of cigarettes he smokes per day * W + b Sigmoid Predicted: Probability that the person has a heart ailment
  • 10. Estimating the Weights - Loss Function Loss Function Quantifies our unhappiness with our prediction on the training set LOSS ACTUALS PREDICTED The objective is to minimize this loss function by choosing the optimal values of W (and b) Estimating W (and b) to attain minimum Loss: (Because Loss can be controlled by the weights and not by the data) ● Localized Random Search ● Gradient Descent
  • 11. Math Refresher Y X y -intercept C slope - m Δy Δx y = mx + c Slope of the line = Δy/Δx Y = WX+b
  • 12. Estimating the Weights - Gradient Descent with an Example age bp 39 144 47 220 45 138 47 145 65 162 46 142 67 170 ● Initialize a line with slope 0 (or some random value) ● Calculate the residuals (or the loss - our unhappiness with the model) and plot it in a separate graph Loss Iterations ● Calculate the rate of change of y with respect to x (slope = Δy/Δx) which is currently set to 0, but has to be a certainly something greater than 0 ● Now, alter the line using the new slope, and recompute the residuals/losses until we reach the minimal loss. The corresponding slope of the line would be our model weight.
  • 13. Examples ● Recognizing images ● Understanding speech ● Translate speech ● Grasp objects ● Avoid an obstacle ● Tagging a text/image Counter Examples ● Get sarcasm/irony ● Decisions/Judgements where no data/model is available (gut feel) ● Generalize to new scenarios ● Judge a character of a person?
  • 14. Back Propagation and Chain Rule Chain Rule: Toy example - Simple computational graph Quick differentiation refresher f(x,y,z) = (x+y)*z Compute: ∂f/∂x, ∂f/∂y, ∂f/∂z Given - x=-2, y=5, z=-4 q=3 f=-12 + * x=-2 y=5 z=-4 Forward Pass q=(x+y) f=q*z ∂q/∂x=1;∂q/∂y=1 ∂f/∂q=z;∂f/∂z=q + * x=-2 y=5 q=3 f=-12 Back Propagate z=-4 Chain Rule
  • 15. Activation Functions Activation Functions add non linearity in the models, by allowing/disallowing signals beyond a certain threshold. Example: Sigmoid takes any number and ‘squashes’ them between 0 and 1 Tanh