SlideShare a Scribd company logo
Deep Learning
Classification
CNN
M. Abrar Ahmad
DEEP LEARNING
Multiple definitions, however, these definitions have in common:
 Multiple layers of processing units
 Supervised or unsupervised learning of feature representations in
each layer, with the layers forming a hierarchy from low-level to
high-level features
2
DEEP LEARNING
 Deep Learning has proved to
be a very powerful tool because
of its ability to handle large
amounts of data
 The interest to use hidden
layers has surpassed
traditional techniques,
especially in pattern
recognition
3
DEEP LEARNING
4
Deep
Learning
Artificial Neural
Network
(ANN)
Convolutional Neural
Network
(CNN)
Recurrent Neural
Network
(RNN)
5
What are the CNNs???
 Convolutional Neural Network (CNN) is a multi-layer neural
network
 Neural Networks with a Convolutional operation in at least one of
the layers
 CNN performs much better than traditional approaches for various
image classification and segmentation problems
 CNN is used to reduce the images into a form that is easier to
process, without losing features that are critical for getting a good
prediction
6
Applications of CNN
 Face Recognition
 Image Classification
 Object Detection
 Segmentation
 Self-driving cars that leverage CNN based vision systems.
 And many More
Drawbacks of CNN
 A Convolutional neural network is significantly slower due to
different operations such as maxpooling.
 If the CNN has several layers, then the training process takes a lot of
time if the computer doesn’t consist of a good GPU
 A ConvNet requires a large Dataset to process and train the neural
network
7
Layers in CNN
8
Convolutional Layer
9
 Convolutional layer acts as a feature extractor that extracts features of the
inputs such as edges, corners , endpoints
 This image shows what a convolution is
 We take a filter/kernel(3×3 matrix) and apply it to the input image to get
the convolved feature
Convolutional
 The convolved feature is passed on to the next layer
10
The Convolutional operation
11
12
Output Feature Map Size
 Feature Map Size = 1+ (W – F + 2P)/S
 Input Size (W): 5 x 5
 Filter Size (F): 3 X 3
 Stride (S): 1
 Padding (P): 0
 So,
 1 + (5 – 3 + 0)/1 = 3
Normalization
13
 Once we get the output, we shall apply Rectified Linear Unit (relu)
activation function on each field of output
 After applying the ReLU a stack of images become a stack of
images with no negative values
 Max(y,0)
14
Pooling Layer
 The Pooling layer is responsible for reducing the spatial size of
the Convolved Feature
 This is to decrease the computational power required to process
the data by reducing the dimensions
 There are two types of pooling
 max pooling
 average pooling
Max Pooling
15
 The most common approach used in pooling is max pooling
 in Max Pooling is we find the maximum value of a pixel from a
portion of the image covered by the kernel
 Max Pooling also performs as a Noise Suppressant
 Pooling Filter Size = 3 X 3
 Stride = 1
Avg Pooling
16
 Average Pooling returns the average of all the values from the
portion of the image covered by the Kernel
 Average Pooling simply performs dimensionality reduction as a
noise suppressing mechanism
 We can say that Max Pooling performs a lot better than Average
Pooling
 Pooling Filter Size = 3 X 3
 Stride = 1
Pooling
17
 Pooling Filter Size = 2 x 2
 Stride = 2
18
Flattening Layer
 Once the pooled featured map is obtained, the next step is to
flatten it
 We flatten the output of the convolutional layers to create a
single long feature vector
 Flattening involves transforming the entire pooled feature map
matrix into a single column which is then fed to the neural
network for processing
Flattening
 we are literally going to
flatten our pooled feature
map into a column like in the
image below
 it is connected to the final
classification model, which is
called a fully-connected layer
19
Deep stacking
 Layers can be repeated many time
20
21
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
 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
 Fully connect layer act as classifier
Fully Connected
 A summation of product of inputs and weights at each output node
determines the final prediction
22
CNN
 Putting all layers of CNN together
23

More Related Content

Similar to CNN.pptx

Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
Kasun Chinthaka Piyarathna
 
Deep Neural Network DNN.docx
Deep Neural Network DNN.docxDeep Neural Network DNN.docx
Deep Neural Network DNN.docx
jaffarbikat
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
Gaurav Mittal
 
cnn.pdf
cnn.pdfcnn.pdf
cnn.pdf
Amnaalia
 
Cnn
CnnCnn
Deep learning for image video processing
Deep learning for image video processingDeep learning for image video processing
Deep learning for image video processing
Yu Huang
 
A Trained CNN Based Resolution Enhancement of Digital Images
A Trained CNN Based Resolution Enhancement of Digital ImagesA Trained CNN Based Resolution Enhancement of Digital Images
A Trained CNN Based Resolution Enhancement of Digital Images
IJMTST Journal
 
Cnn method
Cnn methodCnn method
Cnn method
AmirSajedi1
 
Waste Classification System using Convolutional Neural Networks.pptx
Waste Classification System using Convolutional Neural Networks.pptxWaste Classification System using Convolutional Neural Networks.pptx
Waste Classification System using Convolutional Neural Networks.pptx
JohnPrasad14
 
28 01-2021-05
28 01-2021-0528 01-2021-05
28 01-2021-05
AdemarAlves7
 
UNetEliyaLaialy (2).pptx
UNetEliyaLaialy (2).pptxUNetEliyaLaialy (2).pptx
UNetEliyaLaialy (2).pptx
NoorUlHaq47
 
Overview of Convolutional Neural Networks
Overview of Convolutional Neural NetworksOverview of Convolutional Neural Networks
Overview of Convolutional Neural Networks
ananth
 
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...2017 (albawi-alkabi)image-net classification with deep convolutional neural n...
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...
ali hassan
 
build a Convolutional Neural Network (CNN) using TensorFlow in Python
build a Convolutional Neural Network (CNN) using TensorFlow in Pythonbuild a Convolutional Neural Network (CNN) using TensorFlow in Python
build a Convolutional Neural Network (CNN) using TensorFlow in Python
Kv Sagar
 
CNN_AH.pptx
CNN_AH.pptxCNN_AH.pptx
CNN_AH.pptx
ssuserc755f1
 
CNN_AH.pptx
CNN_AH.pptxCNN_AH.pptx
CNN_AH.pptx
ssuserc755f1
 
Speech Processing with deep learning
Speech Processing  with deep learningSpeech Processing  with deep learning
Speech Processing with deep learning
Mohamed Essam
 
Densenet CNN
Densenet CNNDensenet CNN
Densenet CNN
ArunKumar7374
 
Single Image Depth Estimation using frequency domain analysis and Deep learning
Single Image Depth Estimation using frequency domain analysis and Deep learningSingle Image Depth Estimation using frequency domain analysis and Deep learning
Single Image Depth Estimation using frequency domain analysis and Deep learning
Ahan M R
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
Pierre de Lacaze
 

Similar to CNN.pptx (20)

Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
 
Deep Neural Network DNN.docx
Deep Neural Network DNN.docxDeep Neural Network DNN.docx
Deep Neural Network DNN.docx
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
 
cnn.pdf
cnn.pdfcnn.pdf
cnn.pdf
 
Cnn
CnnCnn
Cnn
 
Deep learning for image video processing
Deep learning for image video processingDeep learning for image video processing
Deep learning for image video processing
 
A Trained CNN Based Resolution Enhancement of Digital Images
A Trained CNN Based Resolution Enhancement of Digital ImagesA Trained CNN Based Resolution Enhancement of Digital Images
A Trained CNN Based Resolution Enhancement of Digital Images
 
Cnn method
Cnn methodCnn method
Cnn method
 
Waste Classification System using Convolutional Neural Networks.pptx
Waste Classification System using Convolutional Neural Networks.pptxWaste Classification System using Convolutional Neural Networks.pptx
Waste Classification System using Convolutional Neural Networks.pptx
 
28 01-2021-05
28 01-2021-0528 01-2021-05
28 01-2021-05
 
UNetEliyaLaialy (2).pptx
UNetEliyaLaialy (2).pptxUNetEliyaLaialy (2).pptx
UNetEliyaLaialy (2).pptx
 
Overview of Convolutional Neural Networks
Overview of Convolutional Neural NetworksOverview of Convolutional Neural Networks
Overview of Convolutional Neural Networks
 
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...2017 (albawi-alkabi)image-net classification with deep convolutional neural n...
2017 (albawi-alkabi)image-net classification with deep convolutional neural n...
 
build a Convolutional Neural Network (CNN) using TensorFlow in Python
build a Convolutional Neural Network (CNN) using TensorFlow in Pythonbuild a Convolutional Neural Network (CNN) using TensorFlow in Python
build a Convolutional Neural Network (CNN) using TensorFlow in Python
 
CNN_AH.pptx
CNN_AH.pptxCNN_AH.pptx
CNN_AH.pptx
 
CNN_AH.pptx
CNN_AH.pptxCNN_AH.pptx
CNN_AH.pptx
 
Speech Processing with deep learning
Speech Processing  with deep learningSpeech Processing  with deep learning
Speech Processing with deep learning
 
Densenet CNN
Densenet CNNDensenet CNN
Densenet CNN
 
Single Image Depth Estimation using frequency domain analysis and Deep learning
Single Image Depth Estimation using frequency domain analysis and Deep learningSingle Image Depth Estimation using frequency domain analysis and Deep learning
Single Image Depth Estimation using frequency domain analysis and Deep learning
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 

Recently uploaded

Essentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FMEEssentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FME
Safe Software
 
Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !
KatiaHIMEUR1
 
Free Complete Python - A step towards Data Science
Free Complete Python - A step towards Data ScienceFree Complete Python - A step towards Data Science
Free Complete Python - A step towards Data Science
RinaMondal9
 
DevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA ConnectDevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA Connect
Kari Kakkonen
 
Climate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing DaysClimate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing Days
Kari Kakkonen
 
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
James Anderson
 
Quantum Computing: Current Landscape and the Future Role of APIs
Quantum Computing: Current Landscape and the Future Role of APIsQuantum Computing: Current Landscape and the Future Role of APIs
Quantum Computing: Current Landscape and the Future Role of APIs
Vlad Stirbu
 
Smart TV Buyer Insights Survey 2024 by 91mobiles.pdf
Smart TV Buyer Insights Survey 2024 by 91mobiles.pdfSmart TV Buyer Insights Survey 2024 by 91mobiles.pdf
Smart TV Buyer Insights Survey 2024 by 91mobiles.pdf
91mobiles
 
Enhancing Performance with Globus and the Science DMZ
Enhancing Performance with Globus and the Science DMZEnhancing Performance with Globus and the Science DMZ
Enhancing Performance with Globus and the Science DMZ
Globus
 
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptx
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptxSecstrike : Reverse Engineering & Pwnable tools for CTF.pptx
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptx
nkrafacyberclub
 
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdfFIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance
 
UiPath Test Automation using UiPath Test Suite series, part 4
UiPath Test Automation using UiPath Test Suite series, part 4UiPath Test Automation using UiPath Test Suite series, part 4
UiPath Test Automation using UiPath Test Suite series, part 4
DianaGray10
 
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
UiPathCommunity
 
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdfObservability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Paige Cruz
 
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
SOFTTECHHUB
 
Le nuove frontiere dell'AI nell'RPA con UiPath Autopilot™
Le nuove frontiere dell'AI nell'RPA con UiPath Autopilot™Le nuove frontiere dell'AI nell'RPA con UiPath Autopilot™
Le nuove frontiere dell'AI nell'RPA con UiPath Autopilot™
UiPathCommunity
 
The Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and SalesThe Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and Sales
Laura Byrne
 
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Albert Hoitingh
 
Monitoring Java Application Security with JDK Tools and JFR Events
Monitoring Java Application Security with JDK Tools and JFR EventsMonitoring Java Application Security with JDK Tools and JFR Events
Monitoring Java Application Security with JDK Tools and JFR Events
Ana-Maria Mihalceanu
 
Transcript: Selling digital books in 2024: Insights from industry leaders - T...
Transcript: Selling digital books in 2024: Insights from industry leaders - T...Transcript: Selling digital books in 2024: Insights from industry leaders - T...
Transcript: Selling digital books in 2024: Insights from industry leaders - T...
BookNet Canada
 

Recently uploaded (20)

Essentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FMEEssentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FME
 
Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !
 
Free Complete Python - A step towards Data Science
Free Complete Python - A step towards Data ScienceFree Complete Python - A step towards Data Science
Free Complete Python - A step towards Data Science
 
DevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA ConnectDevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA Connect
 
Climate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing DaysClimate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing Days
 
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
 
Quantum Computing: Current Landscape and the Future Role of APIs
Quantum Computing: Current Landscape and the Future Role of APIsQuantum Computing: Current Landscape and the Future Role of APIs
Quantum Computing: Current Landscape and the Future Role of APIs
 
Smart TV Buyer Insights Survey 2024 by 91mobiles.pdf
Smart TV Buyer Insights Survey 2024 by 91mobiles.pdfSmart TV Buyer Insights Survey 2024 by 91mobiles.pdf
Smart TV Buyer Insights Survey 2024 by 91mobiles.pdf
 
Enhancing Performance with Globus and the Science DMZ
Enhancing Performance with Globus and the Science DMZEnhancing Performance with Globus and the Science DMZ
Enhancing Performance with Globus and the Science DMZ
 
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptx
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptxSecstrike : Reverse Engineering & Pwnable tools for CTF.pptx
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptx
 
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdfFIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
FIDO Alliance Osaka Seminar: FIDO Security Aspects.pdf
 
UiPath Test Automation using UiPath Test Suite series, part 4
UiPath Test Automation using UiPath Test Suite series, part 4UiPath Test Automation using UiPath Test Suite series, part 4
UiPath Test Automation using UiPath Test Suite series, part 4
 
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
 
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdfObservability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
 
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
 
Le nuove frontiere dell'AI nell'RPA con UiPath Autopilot™
Le nuove frontiere dell'AI nell'RPA con UiPath Autopilot™Le nuove frontiere dell'AI nell'RPA con UiPath Autopilot™
Le nuove frontiere dell'AI nell'RPA con UiPath Autopilot™
 
The Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and SalesThe Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and Sales
 
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
 
Monitoring Java Application Security with JDK Tools and JFR Events
Monitoring Java Application Security with JDK Tools and JFR EventsMonitoring Java Application Security with JDK Tools and JFR Events
Monitoring Java Application Security with JDK Tools and JFR Events
 
Transcript: Selling digital books in 2024: Insights from industry leaders - T...
Transcript: Selling digital books in 2024: Insights from industry leaders - T...Transcript: Selling digital books in 2024: Insights from industry leaders - T...
Transcript: Selling digital books in 2024: Insights from industry leaders - T...
 

CNN.pptx

  • 2. DEEP LEARNING Multiple definitions, however, these definitions have in common:  Multiple layers of processing units  Supervised or unsupervised learning of feature representations in each layer, with the layers forming a hierarchy from low-level to high-level features 2
  • 3. DEEP LEARNING  Deep Learning has proved to be a very powerful tool because of its ability to handle large amounts of data  The interest to use hidden layers has surpassed traditional techniques, especially in pattern recognition 3
  • 4. DEEP LEARNING 4 Deep Learning Artificial Neural Network (ANN) Convolutional Neural Network (CNN) Recurrent Neural Network (RNN)
  • 5. 5 What are the CNNs???  Convolutional Neural Network (CNN) is a multi-layer neural network  Neural Networks with a Convolutional operation in at least one of the layers  CNN performs much better than traditional approaches for various image classification and segmentation problems  CNN is used to reduce the images into a form that is easier to process, without losing features that are critical for getting a good prediction
  • 6. 6 Applications of CNN  Face Recognition  Image Classification  Object Detection  Segmentation  Self-driving cars that leverage CNN based vision systems.  And many More
  • 7. Drawbacks of CNN  A Convolutional neural network is significantly slower due to different operations such as maxpooling.  If the CNN has several layers, then the training process takes a lot of time if the computer doesn’t consist of a good GPU  A ConvNet requires a large Dataset to process and train the neural network 7
  • 9. Convolutional Layer 9  Convolutional layer acts as a feature extractor that extracts features of the inputs such as edges, corners , endpoints  This image shows what a convolution is  We take a filter/kernel(3×3 matrix) and apply it to the input image to get the convolved feature
  • 10. Convolutional  The convolved feature is passed on to the next layer 10
  • 12. 12 Output Feature Map Size  Feature Map Size = 1+ (W – F + 2P)/S  Input Size (W): 5 x 5  Filter Size (F): 3 X 3  Stride (S): 1  Padding (P): 0  So,  1 + (5 – 3 + 0)/1 = 3
  • 13. Normalization 13  Once we get the output, we shall apply Rectified Linear Unit (relu) activation function on each field of output  After applying the ReLU a stack of images become a stack of images with no negative values  Max(y,0)
  • 14. 14 Pooling Layer  The Pooling layer is responsible for reducing the spatial size of the Convolved Feature  This is to decrease the computational power required to process the data by reducing the dimensions  There are two types of pooling  max pooling  average pooling
  • 15. Max Pooling 15  The most common approach used in pooling is max pooling  in Max Pooling is we find the maximum value of a pixel from a portion of the image covered by the kernel  Max Pooling also performs as a Noise Suppressant  Pooling Filter Size = 3 X 3  Stride = 1
  • 16. Avg Pooling 16  Average Pooling returns the average of all the values from the portion of the image covered by the Kernel  Average Pooling simply performs dimensionality reduction as a noise suppressing mechanism  We can say that Max Pooling performs a lot better than Average Pooling  Pooling Filter Size = 3 X 3  Stride = 1
  • 17. Pooling 17  Pooling Filter Size = 2 x 2  Stride = 2
  • 18. 18 Flattening Layer  Once the pooled featured map is obtained, the next step is to flatten it  We flatten the output of the convolutional layers to create a single long feature vector  Flattening involves transforming the entire pooled feature map matrix into a single column which is then fed to the neural network for processing
  • 19. Flattening  we are literally going to flatten our pooled feature map into a column like in the image below  it is connected to the final classification model, which is called a fully-connected layer 19
  • 20. Deep stacking  Layers can be repeated many time 20
  • 21. 21 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  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  Fully connect layer act as classifier
  • 22. Fully Connected  A summation of product of inputs and weights at each output node determines the final prediction 22
  • 23. CNN  Putting all layers of CNN together 23