SlideShare a Scribd company logo
1 of 31
DATA SCIENCE
2
C o n v o l u t i o n a l N e u r a l N e t w o r k
Field of
Artificial Intelligence
Field of
M achine Learning
Bangladesh University of Professionals(BUP)
Deep Learning
3
Bangladesh University of Professionals(BUP)
C o n v o l u t i o n a l N e u r a l N e t w o r k
Input Classification
Feature Extraction
Car
Not Car
Output
Input Feature Extraction + Classification
Car
Not Car
Output
Deep Learning
Machine Learning
4
Bangladesh University of Professionals(BUP)
C o n v o l u t i o n a l N e u r a l N e t w o r k
Neural Network
As like as Human Neuron Network
5
Bangladesh University of Professionals(BUP)
C o n v o l u t i o n a l N e u r a l N e t w o r k
Neural Network
Artificial Neural Network
(ANN)
Regression and Classification
Convolutional Neural Network
(CNN)
Computer Vision
Recurrent Neural Network
(RNN)
Time Series Analysis
AN
N
6
C o n v o l u t i o n a l N e u r a l N e t w o r k
Bangladesh University of Professionals(BUP)
CN
N
RN
N
7
C o n v o l u t i o n a l N e u r a l N e t w o r k
Bangladesh University of Professionals(BUP)
Application of CNN
Convolutional Neural Networks CNNs have the potentials to
revolutionize many industries and improve our daily life. CNN have a
wide range of applications. Such as:
 Object detection.
 Face Recognition.
 Medical Imaging.
 Analyzing Documents.
 Understanding Climate.
 Grey Areas.
 Advertising.
 Self Driving Car.
 Security Systems.
C o n v o l u t i o n a l N e u r a l N e t w o r k
8
snow covered ground, a blue and a white jacket,
a black and a gray jacket, two people standing
on skis, woman wearing a blue jacket, a blue
helmet, a blue helmet on the head, blue jeans on
the girl, a man and a snow covered mountain, a
ski lift, white snow on the ground, trees covered
in snow, a tree with no leaves.
Optical Character Recognition is
designed to convert your
handwriting into text.
Bangladesh University of Professionals(BUP)
Application
s
Bangladesh University of Professionals(BUP)
1 0
Bangladesh University of Professionals(BUP)
C o n v o l u t i o n a l N e u r a l N e t w o r k
Convolutional Neural Networks (CNN) learns multilevel features
and classifier in a joint fashion and performs much better than
traditional approaches for various image classification and
segmentation problems.
Introduction
11
Bangladesh University of Professionals(BUP)
C o n v o l u t i o n a l N e u r a l N e t w o r k
CNN – What do they learn?
CNN - Components
There are four main components in the CNN:
1. Convolutional
2. Non-Linearity
3. Pooling or Sub Sampling
4. Classification (Fully Connected Layer)​
1 2
Bangladesh University of Professionals(BUP)
C o n v o l u t i o n a l N e u r a l N e t w o r k
1 3
Bangladesh University of Professionals(BUP)
C o n v o l u t i o n a l N e u r a l N e t w o r k
Input
An image is a matrix of pixel
values.
If we consider a RGB image, each
pixel will have the combined values
of R, G and B.
If we consider a gray scale image,
the value of each pixel in the
matrix will range from 0 to 255.
What we see!!! What Computer See!!!
1 4
Bangladesh University of Professionals(BUP)
C o n v o l u t i o n a l N e u r a l N e t w o r k
Convolutional
The primary purpose of Convolutional in case of CNN is to
extract features from the input image.
0
0
0
0
1
1
1
1
1
4 Filter / Kernel / Feature Detector
Convolved Features /
Activation Map /
Feature Map
Image
0
0
0
1
0
0
1
1
1
1
0
0 0
0 1 1
1X1
1X1
1X1
1X0
1X0
1X1
0X0
0X0
0X1
1 5
Bangladesh University of Professionals(BUP)
C o n v o l u t i o n a l N e u r a l N e t w o r k
Convolutional…
Input Image
• The size of the output volume is controlled by three parameters that we need
to decide before the convolutional step is performed:
1 6
C o n v o l u t i o n a l N e u r a l N e t w o r k
Bangladesh University of Professionals(BUP)
Convolutional…
 Depth: Depth corresponds to the number of filters we use for the convolutional
operation.
 Stride: Stride is the number of pixels by which we slide our filter matrix over the
input matrix.
 Zero-padding: Sometimes, it is convenient to pad the input matrix with zeros
around the border, so that we can apply the filter to bordering elements of our input
image matrix.
 With zero-padding wide convolutional
 Without zero-padding narrow convolutional
1 7
C o n v o l u t i o n a l N e u r a l N e t w o r k
Bangladesh University of Professionals(BUP)
Non-Linearity (ReLU)
• Replaces all negative pixel values in the feature
map by zero.
• The purpose of ReLU is to introduce non-linearity
in CNN, since most of the real world data would
be non-linear.
• Other non-linear functions such as tanh (-1,1) or
sigmoid (0,1) can also be used instead of ReLU
(0,input)
23
18
75
101
0
25
0
20
100
25
0
35
18
0
20
15
15 20 -10 35
25
18 -110
-15 -10
20
23
18
75
101
25 100
Transfer Function
0,0
1 8
C o n v o l u t i o n a l N e u r a l N e t w o r k
Bangladesh University of Professionals(BUP)
Pooling
Reduces the dimensionality of each feature map but retains the most important
information. Pooling can be different types: Max, Average, Sum etc.
4
1
2
4
3
2
5
5
1
4
9
7
2
3
1
8 8
9
7
2x2 region
1 9
C o n v o l u t i o n a l N e u r a l N e t w o r k
Bangladesh University of Professionals(BUP)
Story so far…..
• Together these layers extract the useful features from the images.
• The output from the convolutional and pooling layers represent high-level
features of the input image.
High-level features
Feature extraction
2x2
Subsampling
5x5
Convolution
2x2
Subsampling
5x5
Convolution
input
32x32
C1
feature maps
28x28
S1
feature maps
14x14
C2
feature maps
10x10
2 0
C o n v o l u t i o n a l N e u r a l N e t w o r k
Bangladesh University of Professionals(BUP)
Fully Connected Layer
• A traditional Multi-layer Perceptron.
• The term “Fully-Connected” implies that every neuron in the previous layer is
connected to every neuron on the next layer.
• Their activations can hence be computed with a matrix multiplication followed
by a bias offset.
• The purpose of the fully connected layer is to use the high level features for
classifying the input image into various classes based on the training dataset.
2 1
C o n v o l u t i o n a l N e u r a l N e t w o r k
Bangladesh University of Professionals(BUP)
Fully Connected Layer
2 2
C o n v o l u t i o n a l N e u r a l N e t w o r k
Bangladesh University of Professionals(BUP)
Fully Connected Layer
2 3
2 4
C o n v o l u t i o n a l N e u r a l N e t w o r k
Bangladesh University of Professionals(BUP)
Overall CNN Architecture
Feature extraction
2x2
Subsampling
5x5
Convolution
2x2
Subsampling
5x5
Convolution
input
32x32
C1
feature maps
28x28
S1
feature maps
14x14
C2
feature maps
10x10
S2
feature maps
5x5
n1
n2
output
Classification
Fully
Connected
0
1
8
9
2 5
C o n v o l u t i o n a l N e u r a l N e t w o r k
Bangladesh University of Professionals(BUP)
Putting it all together – Training using Backpropagation
Step-3: Calculate the total error at the output layer (summation over all 4
classes).
Step-2: The network takes a training Image as input, goes through the
forward propagation step (convolutional, ReLU and pooling operations
along with forward propagation in the fully connected layer) and find the
output probabilities for each class.
Step-1: We initialize all filters and parameters / weights with random
values.
• Let’s say the output probabilities for the boat image above are [0.2,0.4,0.1,0.3].
• Since weight are randomly assigned for the first training example, output
probabilities are also random.
2 6
C o n v o l u t i o n a l N e u r a l N e t w o r k
Bangladesh University of Professionals(BUP)
Step-4: Use Backpropagation to calculate the gradients of the error with
respect to all weights in the network and use gradient descent to update
all filter values/weights and parameter values to minimize the output
error.
• The weights are adjusted in proportion to their contribution to the total error.
• When the same image is input again, output probabilities might now be
[0.1, 0.1, 0.7, 0.1], which is closer to the target vector [0, 0, 1, 0].
• This means that the network has learnt to classify this particular image correctly
by adjusting its weights / filters such that the output error is reduced.
• Parameters like number of filters, filter sizes, architecture of the network etc.
have all been fixed before Step 1 and do not change during training process -
only the values of the filter matrix and connection weights get updated.
Step-5: Repeat steps 2-4 with all images in the training set.
2 7
C o n v o l u t i o n a l N e u r a l N e t w o r k
Bangladesh University of Professionals(BUP)
Types of
CNN Architectures
2 8
C o n v o l u t i o n a l N e u r a l N e t w o r k
Bangladesh University of Professionals(BUP)
Year CNN Architecture Developed By
1998 LeNet Yann LeCun et al.
2012 AlexNet Alex Krizhevsky, Geoffrey Hinton and Ilya Sutskever
2013 ZFNet Matthew Zeiler and Rob Fergus
2014 GoogleNet Google
2014 VGGNet Simonyan and Zisserman
2015 ResNet Kaiming He
2017 DenseNet Gao Huang, Zhuang Liu, Laurens van der Maaten and Killian Q.Weinberger
2 9
C o n v o l u t i o n a l N e u r a l N e t w o r k
Bangladesh University of Professionals(BUP)
GoogleNet
3 0
C o n v o l u t i o n a l N e u r a l N e t w o r k
Bangladesh University of Professionals(BUP)
Limitation
CNNs also have some drawbacks that limit their performance and
applicability. One of the main disadvantages of CNNs is that they require
a large amount of labeled data to train effectively, which can be costly and
time-consuming to obtain and annotate.
Coordinate Frame
Classification of Images with
different Positions
Illustrates the dismantled
components of a face
Convolutional Neural Networks CNN

More Related Content

Similar to Convolutional Neural Networks CNN

Parallel k nn on gpu architecture using opencl
Parallel k nn on gpu architecture using openclParallel k nn on gpu architecture using opencl
Parallel k nn on gpu architecture using opencleSAT Publishing House
 
Parallel knn on gpu architecture using opencl
Parallel knn on gpu architecture using openclParallel knn on gpu architecture using opencl
Parallel knn on gpu architecture using opencleSAT Journals
 
最近の研究情勢についていくために - Deep Learningを中心に -
最近の研究情勢についていくために - Deep Learningを中心に - 最近の研究情勢についていくために - Deep Learningを中心に -
最近の研究情勢についていくために - Deep Learningを中心に - Hiroshi Fukui
 
IRJET- Remote Sensing Image Retrieval using Convolutional Neural Network with...
IRJET- Remote Sensing Image Retrieval using Convolutional Neural Network with...IRJET- Remote Sensing Image Retrieval using Convolutional Neural Network with...
IRJET- Remote Sensing Image Retrieval using Convolutional Neural Network with...IRJET Journal
 
Objective Evaluation of a Deep Neural Network Approach for Single-Channel Spe...
Objective Evaluation of a Deep Neural Network Approach for Single-Channel Spe...Objective Evaluation of a Deep Neural Network Approach for Single-Channel Spe...
Objective Evaluation of a Deep Neural Network Approach for Single-Channel Spe...csandit
 
Deep learning in Computer Vision
Deep learning in Computer VisionDeep learning in Computer Vision
Deep learning in Computer VisionDavid Dao
 
Deep learning for molecules, introduction to chainer chemistry
Deep learning for molecules, introduction to chainer chemistryDeep learning for molecules, introduction to chainer chemistry
Deep learning for molecules, introduction to chainer chemistryKenta Oono
 
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...IRJET Journal
 
Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)IRJET Journal
 
Face recognition using gaussian mixture model & artificial neural network
Face recognition using gaussian mixture model & artificial neural networkFace recognition using gaussian mixture model & artificial neural network
Face recognition using gaussian mixture model & artificial neural networkeSAT Journals
 
DEEP LEARNING BASED BRAIN STROKE DETECTION
DEEP LEARNING BASED BRAIN STROKE DETECTIONDEEP LEARNING BASED BRAIN STROKE DETECTION
DEEP LEARNING BASED BRAIN STROKE DETECTIONIRJET Journal
 
Human age and gender Detection
Human age and gender DetectionHuman age and gender Detection
Human age and gender DetectionAbhiAchalla
 
Introduction to Convolutional Neural Networks
Introduction to Convolutional Neural NetworksIntroduction to Convolutional Neural Networks
Introduction to Convolutional Neural NetworksParrotAI
 
Real Time Sign Language Recognition Using Deep Learning
Real Time Sign Language Recognition Using Deep LearningReal Time Sign Language Recognition Using Deep Learning
Real Time Sign Language Recognition Using Deep LearningIRJET Journal
 
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting PneumoniaIRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting PneumoniaIRJET Journal
 
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry PiIRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry PiIRJET Journal
 
Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.IRJET Journal
 
Classification of Images Using CNN Model and its Variants
Classification of Images Using CNN Model and its VariantsClassification of Images Using CNN Model and its Variants
Classification of Images Using CNN Model and its VariantsIRJET Journal
 
Lung Cancer Detection Using Convolutional Neural Network
Lung Cancer Detection Using Convolutional Neural NetworkLung Cancer Detection Using Convolutional Neural Network
Lung Cancer Detection Using Convolutional Neural NetworkIRJET Journal
 

Similar to Convolutional Neural Networks CNN (20)

Parallel k nn on gpu architecture using opencl
Parallel k nn on gpu architecture using openclParallel k nn on gpu architecture using opencl
Parallel k nn on gpu architecture using opencl
 
Parallel knn on gpu architecture using opencl
Parallel knn on gpu architecture using openclParallel knn on gpu architecture using opencl
Parallel knn on gpu architecture using opencl
 
最近の研究情勢についていくために - Deep Learningを中心に -
最近の研究情勢についていくために - Deep Learningを中心に - 最近の研究情勢についていくために - Deep Learningを中心に -
最近の研究情勢についていくために - Deep Learningを中心に -
 
IRJET- Remote Sensing Image Retrieval using Convolutional Neural Network with...
IRJET- Remote Sensing Image Retrieval using Convolutional Neural Network with...IRJET- Remote Sensing Image Retrieval using Convolutional Neural Network with...
IRJET- Remote Sensing Image Retrieval using Convolutional Neural Network with...
 
Objective Evaluation of a Deep Neural Network Approach for Single-Channel Spe...
Objective Evaluation of a Deep Neural Network Approach for Single-Channel Spe...Objective Evaluation of a Deep Neural Network Approach for Single-Channel Spe...
Objective Evaluation of a Deep Neural Network Approach for Single-Channel Spe...
 
Deep learning in Computer Vision
Deep learning in Computer VisionDeep learning in Computer Vision
Deep learning in Computer Vision
 
Deep learning for molecules, introduction to chainer chemistry
Deep learning for molecules, introduction to chainer chemistryDeep learning for molecules, introduction to chainer chemistry
Deep learning for molecules, introduction to chainer chemistry
 
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
 
Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)
 
Face recognition using gaussian mixture model & artificial neural network
Face recognition using gaussian mixture model & artificial neural networkFace recognition using gaussian mixture model & artificial neural network
Face recognition using gaussian mixture model & artificial neural network
 
DEEP LEARNING BASED BRAIN STROKE DETECTION
DEEP LEARNING BASED BRAIN STROKE DETECTIONDEEP LEARNING BASED BRAIN STROKE DETECTION
DEEP LEARNING BASED BRAIN STROKE DETECTION
 
Scene understanding
Scene understandingScene understanding
Scene understanding
 
Human age and gender Detection
Human age and gender DetectionHuman age and gender Detection
Human age and gender Detection
 
Introduction to Convolutional Neural Networks
Introduction to Convolutional Neural NetworksIntroduction to Convolutional Neural Networks
Introduction to Convolutional Neural Networks
 
Real Time Sign Language Recognition Using Deep Learning
Real Time Sign Language Recognition Using Deep LearningReal Time Sign Language Recognition Using Deep Learning
Real Time Sign Language Recognition Using Deep Learning
 
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting PneumoniaIRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
 
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry PiIRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
 
Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.
 
Classification of Images Using CNN Model and its Variants
Classification of Images Using CNN Model and its VariantsClassification of Images Using CNN Model and its Variants
Classification of Images Using CNN Model and its Variants
 
Lung Cancer Detection Using Convolutional Neural Network
Lung Cancer Detection Using Convolutional Neural NetworkLung Cancer Detection Using Convolutional Neural Network
Lung Cancer Detection Using Convolutional Neural Network
 

More from Abdullah al Mamun

Underfitting and Overfitting in Machine Learning
Underfitting and Overfitting in Machine LearningUnderfitting and Overfitting in Machine Learning
Underfitting and Overfitting in Machine LearningAbdullah al Mamun
 
Recurrent Neural Networks (RNNs)
Recurrent Neural Networks (RNNs)Recurrent Neural Networks (RNNs)
Recurrent Neural Networks (RNNs)Abdullah al Mamun
 
Principal Component Analysis PCA
Principal Component Analysis PCAPrincipal Component Analysis PCA
Principal Component Analysis PCAAbdullah al Mamun
 
Natural Language Processing (NLP)
Natural Language Processing (NLP)Natural Language Processing (NLP)
Natural Language Processing (NLP)Abdullah al Mamun
 
Multilayer Perceptron Neural Network MLP
Multilayer Perceptron Neural Network MLPMultilayer Perceptron Neural Network MLP
Multilayer Perceptron Neural Network MLPAbdullah al Mamun
 
Ensemble Method (Bagging Boosting)
Ensemble Method (Bagging Boosting)Ensemble Method (Bagging Boosting)
Ensemble Method (Bagging Boosting)Abdullah al Mamun
 
Artificial Neural Network ANN
Artificial Neural Network ANNArtificial Neural Network ANN
Artificial Neural Network ANNAbdullah al Mamun
 
Reinforcement Learning, Application and Q-Learning
Reinforcement Learning, Application and Q-LearningReinforcement Learning, Application and Q-Learning
Reinforcement Learning, Application and Q-LearningAbdullah al Mamun
 
Session on evaluation of DevSecOps
Session on evaluation of DevSecOpsSession on evaluation of DevSecOps
Session on evaluation of DevSecOpsAbdullah al Mamun
 
Artificial Intelligence: Classification, Applications, Opportunities, and Cha...
Artificial Intelligence: Classification, Applications, Opportunities, and Cha...Artificial Intelligence: Classification, Applications, Opportunities, and Cha...
Artificial Intelligence: Classification, Applications, Opportunities, and Cha...Abdullah al Mamun
 
Python Virtual Environment.pptx
Python Virtual Environment.pptxPython Virtual Environment.pptx
Python Virtual Environment.pptxAbdullah al Mamun
 
Artificial intelligence Presentation.pptx
Artificial intelligence Presentation.pptxArtificial intelligence Presentation.pptx
Artificial intelligence Presentation.pptxAbdullah al Mamun
 
An approach to empirical Optical Character recognition paradigm using Multi-L...
An approach to empirical Optical Character recognition paradigm using Multi-L...An approach to empirical Optical Character recognition paradigm using Multi-L...
An approach to empirical Optical Character recognition paradigm using Multi-L...Abdullah al Mamun
 

More from Abdullah al Mamun (20)

Underfitting and Overfitting in Machine Learning
Underfitting and Overfitting in Machine LearningUnderfitting and Overfitting in Machine Learning
Underfitting and Overfitting in Machine Learning
 
Recurrent Neural Networks (RNNs)
Recurrent Neural Networks (RNNs)Recurrent Neural Networks (RNNs)
Recurrent Neural Networks (RNNs)
 
Random Forest
Random ForestRandom Forest
Random Forest
 
Principal Component Analysis PCA
Principal Component Analysis PCAPrincipal Component Analysis PCA
Principal Component Analysis PCA
 
Natural Language Processing (NLP)
Natural Language Processing (NLP)Natural Language Processing (NLP)
Natural Language Processing (NLP)
 
Naive Bayes
Naive BayesNaive Bayes
Naive Bayes
 
Multilayer Perceptron Neural Network MLP
Multilayer Perceptron Neural Network MLPMultilayer Perceptron Neural Network MLP
Multilayer Perceptron Neural Network MLP
 
Long Short Term Memory LSTM
Long Short Term Memory LSTMLong Short Term Memory LSTM
Long Short Term Memory LSTM
 
Linear Regression
Linear RegressionLinear Regression
Linear Regression
 
K-Nearest Neighbor(KNN)
K-Nearest Neighbor(KNN)K-Nearest Neighbor(KNN)
K-Nearest Neighbor(KNN)
 
Hidden Markov Model (HMM)
Hidden Markov Model (HMM)Hidden Markov Model (HMM)
Hidden Markov Model (HMM)
 
Ensemble Method (Bagging Boosting)
Ensemble Method (Bagging Boosting)Ensemble Method (Bagging Boosting)
Ensemble Method (Bagging Boosting)
 
Artificial Neural Network ANN
Artificial Neural Network ANNArtificial Neural Network ANN
Artificial Neural Network ANN
 
Reinforcement Learning, Application and Q-Learning
Reinforcement Learning, Application and Q-LearningReinforcement Learning, Application and Q-Learning
Reinforcement Learning, Application and Q-Learning
 
Session on evaluation of DevSecOps
Session on evaluation of DevSecOpsSession on evaluation of DevSecOps
Session on evaluation of DevSecOps
 
Artificial Intelligence: Classification, Applications, Opportunities, and Cha...
Artificial Intelligence: Classification, Applications, Opportunities, and Cha...Artificial Intelligence: Classification, Applications, Opportunities, and Cha...
Artificial Intelligence: Classification, Applications, Opportunities, and Cha...
 
DevOps Presentation.pptx
DevOps Presentation.pptxDevOps Presentation.pptx
DevOps Presentation.pptx
 
Python Virtual Environment.pptx
Python Virtual Environment.pptxPython Virtual Environment.pptx
Python Virtual Environment.pptx
 
Artificial intelligence Presentation.pptx
Artificial intelligence Presentation.pptxArtificial intelligence Presentation.pptx
Artificial intelligence Presentation.pptx
 
An approach to empirical Optical Character recognition paradigm using Multi-L...
An approach to empirical Optical Character recognition paradigm using Multi-L...An approach to empirical Optical Character recognition paradigm using Multi-L...
An approach to empirical Optical Character recognition paradigm using Multi-L...
 

Recently uploaded

Call Girls 🫤 Dwarka ➡️ 9711199171 ➡️ Delhi 🫦 Two shot with one girl
Call Girls 🫤 Dwarka ➡️ 9711199171 ➡️ Delhi 🫦 Two shot with one girlCall Girls 🫤 Dwarka ➡️ 9711199171 ➡️ Delhi 🫦 Two shot with one girl
Call Girls 🫤 Dwarka ➡️ 9711199171 ➡️ Delhi 🫦 Two shot with one girlkumarajju5765
 
Smarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptxSmarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptxolyaivanovalion
 
Zuja dropshipping via API with DroFx.pptx
Zuja dropshipping via API with DroFx.pptxZuja dropshipping via API with DroFx.pptx
Zuja dropshipping via API with DroFx.pptxolyaivanovalion
 
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...amitlee9823
 
Ravak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxRavak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxolyaivanovalion
 
Week-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionWeek-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionfulawalesam
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFxolyaivanovalion
 
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdfMarket Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdfRachmat Ramadhan H
 
Introduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxIntroduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxfirstjob4
 
CebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxCebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxolyaivanovalion
 
April 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's AnalysisApril 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's Analysismanisha194592
 
Invezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz1
 
Edukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFxEdukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFxolyaivanovalion
 
{Pooja: 9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...
{Pooja:  9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...{Pooja:  9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...
{Pooja: 9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...Pooja Nehwal
 
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130Suhani Kapoor
 
Vip Model Call Girls (Delhi) Karol Bagh 9711199171✔️Body to body massage wit...
Vip Model  Call Girls (Delhi) Karol Bagh 9711199171✔️Body to body massage wit...Vip Model  Call Girls (Delhi) Karol Bagh 9711199171✔️Body to body massage wit...
Vip Model Call Girls (Delhi) Karol Bagh 9711199171✔️Body to body massage wit...shivangimorya083
 
100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptxAnupama Kate
 
VidaXL dropshipping via API with DroFx.pptx
VidaXL dropshipping via API with DroFx.pptxVidaXL dropshipping via API with DroFx.pptx
VidaXL dropshipping via API with DroFx.pptxolyaivanovalion
 
Mature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxMature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxolyaivanovalion
 
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% SecureCall me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% SecurePooja Nehwal
 

Recently uploaded (20)

Call Girls 🫤 Dwarka ➡️ 9711199171 ➡️ Delhi 🫦 Two shot with one girl
Call Girls 🫤 Dwarka ➡️ 9711199171 ➡️ Delhi 🫦 Two shot with one girlCall Girls 🫤 Dwarka ➡️ 9711199171 ➡️ Delhi 🫦 Two shot with one girl
Call Girls 🫤 Dwarka ➡️ 9711199171 ➡️ Delhi 🫦 Two shot with one girl
 
Smarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptxSmarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptx
 
Zuja dropshipping via API with DroFx.pptx
Zuja dropshipping via API with DroFx.pptxZuja dropshipping via API with DroFx.pptx
Zuja dropshipping via API with DroFx.pptx
 
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
 
Ravak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxRavak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptx
 
Week-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionWeek-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interaction
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFx
 
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdfMarket Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
Market Analysis in the 5 Largest Economic Countries in Southeast Asia.pdf
 
Introduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxIntroduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptx
 
CebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxCebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptx
 
April 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's AnalysisApril 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's Analysis
 
Invezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signals
 
Edukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFxEdukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFx
 
{Pooja: 9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...
{Pooja:  9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...{Pooja:  9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...
{Pooja: 9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...
 
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
 
Vip Model Call Girls (Delhi) Karol Bagh 9711199171✔️Body to body massage wit...
Vip Model  Call Girls (Delhi) Karol Bagh 9711199171✔️Body to body massage wit...Vip Model  Call Girls (Delhi) Karol Bagh 9711199171✔️Body to body massage wit...
Vip Model Call Girls (Delhi) Karol Bagh 9711199171✔️Body to body massage wit...
 
100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx
 
VidaXL dropshipping via API with DroFx.pptx
VidaXL dropshipping via API with DroFx.pptxVidaXL dropshipping via API with DroFx.pptx
VidaXL dropshipping via API with DroFx.pptx
 
Mature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxMature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptx
 
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% SecureCall me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
 

Convolutional Neural Networks CNN

  • 1.
  • 2. DATA SCIENCE 2 C o n v o l u t i o n a l N e u r a l N e t w o r k Field of Artificial Intelligence Field of M achine Learning Bangladesh University of Professionals(BUP) Deep Learning
  • 3. 3 Bangladesh University of Professionals(BUP) C o n v o l u t i o n a l N e u r a l N e t w o r k Input Classification Feature Extraction Car Not Car Output Input Feature Extraction + Classification Car Not Car Output Deep Learning Machine Learning
  • 4. 4 Bangladesh University of Professionals(BUP) C o n v o l u t i o n a l N e u r a l N e t w o r k Neural Network As like as Human Neuron Network
  • 5. 5 Bangladesh University of Professionals(BUP) C o n v o l u t i o n a l N e u r a l N e t w o r k Neural Network Artificial Neural Network (ANN) Regression and Classification Convolutional Neural Network (CNN) Computer Vision Recurrent Neural Network (RNN) Time Series Analysis
  • 6. AN N 6 C o n v o l u t i o n a l N e u r a l N e t w o r k Bangladesh University of Professionals(BUP) CN N RN N
  • 7. 7 C o n v o l u t i o n a l N e u r a l N e t w o r k Bangladesh University of Professionals(BUP) Application of CNN Convolutional Neural Networks CNNs have the potentials to revolutionize many industries and improve our daily life. CNN have a wide range of applications. Such as:  Object detection.  Face Recognition.  Medical Imaging.  Analyzing Documents.  Understanding Climate.  Grey Areas.  Advertising.  Self Driving Car.  Security Systems.
  • 8. C o n v o l u t i o n a l N e u r a l N e t w o r k 8 snow covered ground, a blue and a white jacket, a black and a gray jacket, two people standing on skis, woman wearing a blue jacket, a blue helmet, a blue helmet on the head, blue jeans on the girl, a man and a snow covered mountain, a ski lift, white snow on the ground, trees covered in snow, a tree with no leaves. Optical Character Recognition is designed to convert your handwriting into text. Bangladesh University of Professionals(BUP) Application s
  • 9. Bangladesh University of Professionals(BUP)
  • 10. 1 0 Bangladesh University of Professionals(BUP) C o n v o l u t i o n a l N e u r a l N e t w o r k Convolutional Neural Networks (CNN) learns multilevel features and classifier in a joint fashion and performs much better than traditional approaches for various image classification and segmentation problems. Introduction
  • 11. 11 Bangladesh University of Professionals(BUP) C o n v o l u t i o n a l N e u r a l N e t w o r k CNN – What do they learn?
  • 12. CNN - Components There are four main components in the CNN: 1. Convolutional 2. Non-Linearity 3. Pooling or Sub Sampling 4. Classification (Fully Connected Layer)​ 1 2 Bangladesh University of Professionals(BUP) C o n v o l u t i o n a l N e u r a l N e t w o r k
  • 13. 1 3 Bangladesh University of Professionals(BUP) C o n v o l u t i o n a l N e u r a l N e t w o r k Input An image is a matrix of pixel values. If we consider a RGB image, each pixel will have the combined values of R, G and B. If we consider a gray scale image, the value of each pixel in the matrix will range from 0 to 255. What we see!!! What Computer See!!!
  • 14. 1 4 Bangladesh University of Professionals(BUP) C o n v o l u t i o n a l N e u r a l N e t w o r k Convolutional The primary purpose of Convolutional in case of CNN is to extract features from the input image. 0 0 0 0 1 1 1 1 1 4 Filter / Kernel / Feature Detector Convolved Features / Activation Map / Feature Map Image 0 0 0 1 0 0 1 1 1 1 0 0 0 0 1 1 1X1 1X1 1X1 1X0 1X0 1X1 0X0 0X0 0X1
  • 15. 1 5 Bangladesh University of Professionals(BUP) C o n v o l u t i o n a l N e u r a l N e t w o r k Convolutional… Input Image
  • 16. • The size of the output volume is controlled by three parameters that we need to decide before the convolutional step is performed: 1 6 C o n v o l u t i o n a l N e u r a l N e t w o r k Bangladesh University of Professionals(BUP) Convolutional…  Depth: Depth corresponds to the number of filters we use for the convolutional operation.  Stride: Stride is the number of pixels by which we slide our filter matrix over the input matrix.  Zero-padding: Sometimes, it is convenient to pad the input matrix with zeros around the border, so that we can apply the filter to bordering elements of our input image matrix.  With zero-padding wide convolutional  Without zero-padding narrow convolutional
  • 17. 1 7 C o n v o l u t i o n a l N e u r a l N e t w o r k Bangladesh University of Professionals(BUP) Non-Linearity (ReLU) • Replaces all negative pixel values in the feature map by zero. • The purpose of ReLU is to introduce non-linearity in CNN, since most of the real world data would be non-linear. • Other non-linear functions such as tanh (-1,1) or sigmoid (0,1) can also be used instead of ReLU (0,input) 23 18 75 101 0 25 0 20 100 25 0 35 18 0 20 15 15 20 -10 35 25 18 -110 -15 -10 20 23 18 75 101 25 100 Transfer Function 0,0
  • 18. 1 8 C o n v o l u t i o n a l N e u r a l N e t w o r k Bangladesh University of Professionals(BUP) Pooling Reduces the dimensionality of each feature map but retains the most important information. Pooling can be different types: Max, Average, Sum etc. 4 1 2 4 3 2 5 5 1 4 9 7 2 3 1 8 8 9 7 2x2 region
  • 19. 1 9 C o n v o l u t i o n a l N e u r a l N e t w o r k Bangladesh University of Professionals(BUP) Story so far….. • Together these layers extract the useful features from the images. • The output from the convolutional and pooling layers represent high-level features of the input image. High-level features Feature extraction 2x2 Subsampling 5x5 Convolution 2x2 Subsampling 5x5 Convolution input 32x32 C1 feature maps 28x28 S1 feature maps 14x14 C2 feature maps 10x10
  • 20. 2 0 C o n v o l u t i o n a l N e u r a l N e t w o r k Bangladesh University of Professionals(BUP) Fully Connected Layer • A traditional Multi-layer Perceptron. • The term “Fully-Connected” implies that every neuron in the previous layer is connected to every neuron on the next layer. • Their activations can hence be computed with a matrix multiplication followed by a bias offset. • The purpose of the fully connected layer is to use the high level features for classifying the input image into various classes based on the training dataset.
  • 21. 2 1 C o n v o l u t i o n a l N e u r a l N e t w o r k Bangladesh University of Professionals(BUP) Fully Connected Layer
  • 22. 2 2 C o n v o l u t i o n a l N e u r a l N e t w o r k Bangladesh University of Professionals(BUP) Fully Connected Layer
  • 23. 2 3
  • 24. 2 4 C o n v o l u t i o n a l N e u r a l N e t w o r k Bangladesh University of Professionals(BUP) Overall CNN Architecture Feature extraction 2x2 Subsampling 5x5 Convolution 2x2 Subsampling 5x5 Convolution input 32x32 C1 feature maps 28x28 S1 feature maps 14x14 C2 feature maps 10x10 S2 feature maps 5x5 n1 n2 output Classification Fully Connected 0 1 8 9
  • 25. 2 5 C o n v o l u t i o n a l N e u r a l N e t w o r k Bangladesh University of Professionals(BUP) Putting it all together – Training using Backpropagation Step-3: Calculate the total error at the output layer (summation over all 4 classes). Step-2: The network takes a training Image as input, goes through the forward propagation step (convolutional, ReLU and pooling operations along with forward propagation in the fully connected layer) and find the output probabilities for each class. Step-1: We initialize all filters and parameters / weights with random values. • Let’s say the output probabilities for the boat image above are [0.2,0.4,0.1,0.3]. • Since weight are randomly assigned for the first training example, output probabilities are also random.
  • 26. 2 6 C o n v o l u t i o n a l N e u r a l N e t w o r k Bangladesh University of Professionals(BUP) Step-4: Use Backpropagation to calculate the gradients of the error with respect to all weights in the network and use gradient descent to update all filter values/weights and parameter values to minimize the output error. • The weights are adjusted in proportion to their contribution to the total error. • When the same image is input again, output probabilities might now be [0.1, 0.1, 0.7, 0.1], which is closer to the target vector [0, 0, 1, 0]. • This means that the network has learnt to classify this particular image correctly by adjusting its weights / filters such that the output error is reduced. • Parameters like number of filters, filter sizes, architecture of the network etc. have all been fixed before Step 1 and do not change during training process - only the values of the filter matrix and connection weights get updated. Step-5: Repeat steps 2-4 with all images in the training set.
  • 27. 2 7 C o n v o l u t i o n a l N e u r a l N e t w o r k Bangladesh University of Professionals(BUP) Types of CNN Architectures
  • 28. 2 8 C o n v o l u t i o n a l N e u r a l N e t w o r k Bangladesh University of Professionals(BUP) Year CNN Architecture Developed By 1998 LeNet Yann LeCun et al. 2012 AlexNet Alex Krizhevsky, Geoffrey Hinton and Ilya Sutskever 2013 ZFNet Matthew Zeiler and Rob Fergus 2014 GoogleNet Google 2014 VGGNet Simonyan and Zisserman 2015 ResNet Kaiming He 2017 DenseNet Gao Huang, Zhuang Liu, Laurens van der Maaten and Killian Q.Weinberger
  • 29. 2 9 C o n v o l u t i o n a l N e u r a l N e t w o r k Bangladesh University of Professionals(BUP) GoogleNet
  • 30. 3 0 C o n v o l u t i o n a l N e u r a l N e t w o r k Bangladesh University of Professionals(BUP) Limitation CNNs also have some drawbacks that limit their performance and applicability. One of the main disadvantages of CNNs is that they require a large amount of labeled data to train effectively, which can be costly and time-consuming to obtain and annotate. Coordinate Frame Classification of Images with different Positions Illustrates the dismantled components of a face