SlideShare a Scribd company logo
Convolutional Neural Network
• A child recognize animal visiting a zoo or seeing animal picture.
• Computers ‘see’ in a different way than we do. Their world consists of only numbers.
Every image can be represented as 2-dimensional arrays of numbers, known as pixels.
• But the fact that they perceive images in a different way, doesn’t mean we can’t train
them to recognize patterns, like we do. We just have to think of what an image is in a
different way.
Convolutional Neural Network (Cont…)
• Convolutional Neural Network (CNN) specific type of Artificial Neural Network .
• Convolutional Neural Networks are inspired by the brain.
• Research in the 1950s and 1960s by D.H Hubel and T.N Wiesel on the brain of mammals
suggested a new model for how mammals perceive the world visually.
Deep Learning Basics
OUTPUTS
HIDDEN
NODES
CAT DOG
• Deep Learning – is a set of machine learning
algorithms based on multi-layer networks
INPUTS
Deep Learning Basics
CAT DOG
• Deep Learning – is a set of machine learning algorithms based on
multi-layer networks
4
Training
Deep Learning Basics
CAT DOG
• Deep Learning – is a set of machine learning algorithms based on
multi-layer networks
5
Deep Learning Basics
CAT DOG
Deep Learning – is a set of machine learning algorithms based on
multi-layer networks
Architecture
• Convolutional Neural Networks have a different architecture than regular Neural
Networks. Regular Neural Networks transform an input by putting it through a series of
hidden layers.
• Every layer is made up of a set of neurons, where each layer is fully connected to all
neurons in the layer before. Finally, there is a last fully-connected layer —the output
layer —that represent the predictions.
8
What is Convolutional NN ?
CNN - multi-layer NN architecture
– Convolutional + Non-Linear Layer
– Sub-sampling Layer
– Convolutional +Non-L inear Layer
– Fully connected layers
 Supervised
Feature Extraction
Classi-
fication
9
What is Convolutional NN ?
2x2
Convolution + NL Sub-sampling Convolution + NL
Architecture(Cont..)
• The layers are organised in 3 dimensions: width, height and depth.
Architecture(Cont..)
CNNs have two components
• The Hidden layers/Feature extraction part:
1. Convolutions
2. Poolingoperations ( which the features are detected)
• The Classification part:
1. Classifier
2. Probability is assigned for the object on the image.
Architecture(Cont..)
• Suppose INPUT [32x32x3] ,where width 32, height 32, and with three color channels R,G,B.
• CONV layer may produce [32x32x12] if filters is 12.
Architecture(Cont..)
• RELU layer will apply an elementwise activation function, such as the (max(0,x)).
• POOL layer will perform a downsampling operation along the spatial dimensions (width,
height), resulting in volume such as [16x16x12].
• FC (i.e. fully-connected) layer will compute the class scores.
Feature Extraction
• Convolution is one of the main building blocks of a CNN.
• At every location, a matrix multiplication is performed and sums the result onto the
feature map.
• The area of our filter is also called the receptive field, named after the neuron cells! The
size of this filter is 3x3.
Feature Extraction(Cont…)
Need for receptive field
• For example, suppose that the input volume has size [32*32*3].So
our connection would be 32*32*3 ,which is impractical. If the
receptive field (or the filter size) is 5*5, then each neuron in the Conv
Layer will have weights to a [5x5x3] region in the input volume, for a
total of 5*5*3 = 75 weights (and +1 bias parameter). Notice that the
extent of the connectivity along the depth axis must be 3, since this is
the depth of the input volume.
Feature Extraction(Cont…)
• Just like any other Neural Network, we use an activation function to make our output non-
linear. This could be the ReLU activation function.
• Stride is the size of the step the convolution filter moves each time. A stride size is usually 1,
meaning the filter slides pixel by pixel.
• This shows stride size 1 in action.
Feature Extraction(Cont…)
• Because the size of the feature map is always smaller than the input, we have to do
something to prevent our feature map from shrinking. This is where we use padding.
• Pooling layer reduce the dimensionality of parameters and computation in the network.
• The most frequent type of pooling is max pooling, which takes the maximum value in each
window.
Feature Extraction(Cont…)
• Convolutional Demo
Classification
• Classification part consists fully connected layers.
• It accept 1 Dimensional data.
• To convert our 3D data to 1D, function flatten in Python.
CNN applications
CNN is a big hammer Plenty low hanging fruits
You need just a right nail!
Conv NN: Detection
Conv NN: Scene parsing
CNN: indoor semantic labeling RGBD
Conv NN: Action Detection
Conv NN: Image Processing
Summary
• CNNs are especially useful for image classification and recognition.
• The main technique in CNNs is convolution.
• A filter slides over the input and merges the input value + the filter value on the feature
map.
• Feed new images to our CNN so it can give a probability for the object it thinks it sees
or describe an image with text.
Ad

More Related Content

What's hot (20)

Cnn
CnnCnn
Cnn
Mehrnaz Faraz
 
Overview of Convolutional Neural Networks
Overview of Convolutional Neural NetworksOverview of Convolutional Neural Networks
Overview of Convolutional Neural Networks
ananth
 
CNN Tutorial
CNN TutorialCNN Tutorial
CNN Tutorial
Sungjoon Choi
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
Simplilearn
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network
Yan Xu
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual Introduction
Lukas Masuch
 
Image classification using cnn
Image classification using cnnImage classification using cnn
Image classification using cnn
SumeraHangi
 
cnn ppt.pptx
cnn ppt.pptxcnn ppt.pptx
cnn ppt.pptx
rohithprabhas1
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
Shaikh Shahzad
 
AlexNet.pptx
AlexNet.pptxAlexNet.pptx
AlexNet.pptx
SushilKulkarniDr
 
CNN and its applications by ketaki
CNN and its applications by ketakiCNN and its applications by ketaki
CNN and its applications by ketaki
Ketaki Patwari
 
Convolutional Neural Network
Convolutional Neural NetworkConvolutional Neural Network
Convolutional Neural Network
Vignesh Suresh
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
leopauly
 
CONVOLUTIONAL NEURAL NETWORK
CONVOLUTIONAL NEURAL NETWORKCONVOLUTIONAL NEURAL NETWORK
CONVOLUTIONAL NEURAL NETWORK
Md Rajib Bhuiyan
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
Basit Rafiq
 
Perceptron & Neural Networks
Perceptron & Neural NetworksPerceptron & Neural Networks
Perceptron & Neural Networks
NAGUR SHAREEF SHAIK
 
Perceptron (neural network)
Perceptron (neural network)Perceptron (neural network)
Perceptron (neural network)
EdutechLearners
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
Si Haem
 
Neural networks
Neural networksNeural networks
Neural networks
Rizwan Rizzu
 
Neural network final NWU 4.3 Graphics Course
Neural network final NWU 4.3 Graphics CourseNeural network final NWU 4.3 Graphics Course
Neural network final NWU 4.3 Graphics Course
Mohaiminur Rahman
 
Overview of Convolutional Neural Networks
Overview of Convolutional Neural NetworksOverview of Convolutional Neural Networks
Overview of Convolutional Neural Networks
ananth
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
Simplilearn
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network
Yan Xu
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual Introduction
Lukas Masuch
 
Image classification using cnn
Image classification using cnnImage classification using cnn
Image classification using cnn
SumeraHangi
 
CNN and its applications by ketaki
CNN and its applications by ketakiCNN and its applications by ketaki
CNN and its applications by ketaki
Ketaki Patwari
 
Convolutional Neural Network
Convolutional Neural NetworkConvolutional Neural Network
Convolutional Neural Network
Vignesh Suresh
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
leopauly
 
CONVOLUTIONAL NEURAL NETWORK
CONVOLUTIONAL NEURAL NETWORKCONVOLUTIONAL NEURAL NETWORK
CONVOLUTIONAL NEURAL NETWORK
Md Rajib Bhuiyan
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
Basit Rafiq
 
Perceptron (neural network)
Perceptron (neural network)Perceptron (neural network)
Perceptron (neural network)
EdutechLearners
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
Si Haem
 
Neural network final NWU 4.3 Graphics Course
Neural network final NWU 4.3 Graphics CourseNeural network final NWU 4.3 Graphics Course
Neural network final NWU 4.3 Graphics Course
Mohaiminur Rahman
 

Similar to Convolutional neural network (20)

DL.pdf
DL.pdfDL.pdf
DL.pdf
ssuserd23711
 
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
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
Pierre de Lacaze
 
Introduction to convolutional networks .pptx
Introduction to convolutional networks .pptxIntroduction to convolutional networks .pptx
Introduction to convolutional networks .pptx
ArunNegi37
 
Automatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face RecognitionAutomatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face Recognition
vatsal199567
 
Deep learning (2)
Deep learning (2)Deep learning (2)
Deep learning (2)
Muhanad Al-khalisy
 
Convolutional neural network in deep learning
Convolutional neural network in deep learningConvolutional neural network in deep learning
Convolutional neural network in deep learning
priyasjcettnj
 
Convolutional neural network in deep learning
Convolutional neural network in deep learningConvolutional neural network in deep learning
Convolutional neural network in deep learning
priyasjcettnj
 
CNN_AH.pptx
CNN_AH.pptxCNN_AH.pptx
CNN_AH.pptx
ssuserc755f1
 
CNN_AH.pptx
CNN_AH.pptxCNN_AH.pptx
CNN_AH.pptx
ssuserc755f1
 
Convolutional Neural Network (CNN)of Deep Learning
Convolutional Neural Network (CNN)of Deep LearningConvolutional Neural Network (CNN)of Deep Learning
Convolutional Neural Network (CNN)of Deep Learning
alihassaah1994
 
intro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptxintro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptx
ssuser3aa461
 
Introduction to Computer Vision and its Applications
Introduction to Computer Vision and its ApplicationsIntroduction to Computer Vision and its Applications
Introduction to Computer Vision and its Applications
RamSIyer2
 
Deep Learning Training at Intel
Deep Learning Training at IntelDeep Learning Training at Intel
Deep Learning Training at Intel
Atul Vaish
 
deep learning
deep learningdeep learning
deep learning
Hassanein Alwan
 
Deep learning
Deep learning Deep learning
Deep learning
Rajgupta258
 
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
Universitat Politècnica de Catalunya
 
Convolutional Neural Network - Computer Vision.pptx
Convolutional Neural Network - Computer Vision.pptxConvolutional Neural Network - Computer Vision.pptx
Convolutional Neural Network - Computer Vision.pptx
kmpslab
 
CNN_Presentation to learn the basics of CNN Model.pptx
CNN_Presentation  to learn the basics of CNN Model.pptxCNN_Presentation  to learn the basics of CNN Model.pptx
CNN_Presentation to learn the basics of CNN Model.pptx
bani30122004
 
Convolutional Neural Networks: Part 1
Convolutional Neural Networks: Part 1Convolutional Neural Networks: Part 1
Convolutional Neural Networks: Part 1
ananth
 
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
 
Introduction to convolutional networks .pptx
Introduction to convolutional networks .pptxIntroduction to convolutional networks .pptx
Introduction to convolutional networks .pptx
ArunNegi37
 
Automatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face RecognitionAutomatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face Recognition
vatsal199567
 
Convolutional neural network in deep learning
Convolutional neural network in deep learningConvolutional neural network in deep learning
Convolutional neural network in deep learning
priyasjcettnj
 
Convolutional neural network in deep learning
Convolutional neural network in deep learningConvolutional neural network in deep learning
Convolutional neural network in deep learning
priyasjcettnj
 
Convolutional Neural Network (CNN)of Deep Learning
Convolutional Neural Network (CNN)of Deep LearningConvolutional Neural Network (CNN)of Deep Learning
Convolutional Neural Network (CNN)of Deep Learning
alihassaah1994
 
intro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptxintro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptx
ssuser3aa461
 
Introduction to Computer Vision and its Applications
Introduction to Computer Vision and its ApplicationsIntroduction to Computer Vision and its Applications
Introduction to Computer Vision and its Applications
RamSIyer2
 
Deep Learning Training at Intel
Deep Learning Training at IntelDeep Learning Training at Intel
Deep Learning Training at Intel
Atul Vaish
 
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
Universitat Politècnica de Catalunya
 
Convolutional Neural Network - Computer Vision.pptx
Convolutional Neural Network - Computer Vision.pptxConvolutional Neural Network - Computer Vision.pptx
Convolutional Neural Network - Computer Vision.pptx
kmpslab
 
CNN_Presentation to learn the basics of CNN Model.pptx
CNN_Presentation  to learn the basics of CNN Model.pptxCNN_Presentation  to learn the basics of CNN Model.pptx
CNN_Presentation to learn the basics of CNN Model.pptx
bani30122004
 
Convolutional Neural Networks: Part 1
Convolutional Neural Networks: Part 1Convolutional Neural Networks: Part 1
Convolutional Neural Networks: Part 1
ananth
 
Ad

Recently uploaded (20)

Metal alkyne complexes.pptx in chemistry
Metal alkyne complexes.pptx in chemistryMetal alkyne complexes.pptx in chemistry
Metal alkyne complexes.pptx in chemistry
mee23nu
 
Raish Khanji GTU 8th sem Internship Report.pdf
Raish Khanji GTU 8th sem Internship Report.pdfRaish Khanji GTU 8th sem Internship Report.pdf
Raish Khanji GTU 8th sem Internship Report.pdf
RaishKhanji
 
Avnet Silica's PCIM 2025 Highlights Flyer
Avnet Silica's PCIM 2025 Highlights FlyerAvnet Silica's PCIM 2025 Highlights Flyer
Avnet Silica's PCIM 2025 Highlights Flyer
WillDavies22
 
fluke dealers in bangalore..............
fluke dealers in bangalore..............fluke dealers in bangalore..............
fluke dealers in bangalore..............
Haresh Vaswani
 
railway wheels, descaling after reheating and before forging
railway wheels, descaling after reheating and before forgingrailway wheels, descaling after reheating and before forging
railway wheels, descaling after reheating and before forging
Javad Kadkhodapour
 
DT REPORT by Tech titan GROUP to introduce the subject design Thinking
DT REPORT by Tech titan GROUP to introduce the subject design ThinkingDT REPORT by Tech titan GROUP to introduce the subject design Thinking
DT REPORT by Tech titan GROUP to introduce the subject design Thinking
DhruvChotaliya2
 
introduction to machine learining for beginers
introduction to machine learining for beginersintroduction to machine learining for beginers
introduction to machine learining for beginers
JoydebSheet
 
The Gaussian Process Modeling Module in UQLab
The Gaussian Process Modeling Module in UQLabThe Gaussian Process Modeling Module in UQLab
The Gaussian Process Modeling Module in UQLab
Journal of Soft Computing in Civil Engineering
 
15th International Conference on Computer Science, Engineering and Applicatio...
15th International Conference on Computer Science, Engineering and Applicatio...15th International Conference on Computer Science, Engineering and Applicatio...
15th International Conference on Computer Science, Engineering and Applicatio...
IJCSES Journal
 
Introduction to FLUID MECHANICS & KINEMATICS
Introduction to FLUID MECHANICS &  KINEMATICSIntroduction to FLUID MECHANICS &  KINEMATICS
Introduction to FLUID MECHANICS & KINEMATICS
narayanaswamygdas
 
RICS Membership-(The Royal Institution of Chartered Surveyors).pdf
RICS Membership-(The Royal Institution of Chartered Surveyors).pdfRICS Membership-(The Royal Institution of Chartered Surveyors).pdf
RICS Membership-(The Royal Institution of Chartered Surveyors).pdf
MohamedAbdelkader115
 
Fort night presentation new0903 pdf.pdf.
Fort night presentation new0903 pdf.pdf.Fort night presentation new0903 pdf.pdf.
Fort night presentation new0903 pdf.pdf.
anuragmk56
 
211421893-M-Tech-CIVIL-Structural-Engineering-pdf.pdf
211421893-M-Tech-CIVIL-Structural-Engineering-pdf.pdf211421893-M-Tech-CIVIL-Structural-Engineering-pdf.pdf
211421893-M-Tech-CIVIL-Structural-Engineering-pdf.pdf
inmishra17121973
 
Reagent dosing (Bredel) presentation.pptx
Reagent dosing (Bredel) presentation.pptxReagent dosing (Bredel) presentation.pptx
Reagent dosing (Bredel) presentation.pptx
AlejandroOdio
 
Smart_Storage_Systems_Production_Engineering.pptx
Smart_Storage_Systems_Production_Engineering.pptxSmart_Storage_Systems_Production_Engineering.pptx
Smart_Storage_Systems_Production_Engineering.pptx
rushikeshnavghare94
 
five-year-soluhhhhhhhhhhhhhhhhhtions.pdf
five-year-soluhhhhhhhhhhhhhhhhhtions.pdffive-year-soluhhhhhhhhhhhhhhhhhtions.pdf
five-year-soluhhhhhhhhhhhhhhhhhtions.pdf
AdityaSharma944496
 
new ppt artificial intelligence historyyy
new ppt artificial intelligence historyyynew ppt artificial intelligence historyyy
new ppt artificial intelligence historyyy
PianoPianist
 
Machine learning project on employee attrition detection using (2).pptx
Machine learning project on employee attrition detection using (2).pptxMachine learning project on employee attrition detection using (2).pptx
Machine learning project on employee attrition detection using (2).pptx
rajeswari89780
 
AI-assisted Software Testing (3-hours tutorial)
AI-assisted Software Testing (3-hours tutorial)AI-assisted Software Testing (3-hours tutorial)
AI-assisted Software Testing (3-hours tutorial)
Vəhid Gəruslu
 
Mathematical foundation machine learning.pdf
Mathematical foundation machine learning.pdfMathematical foundation machine learning.pdf
Mathematical foundation machine learning.pdf
TalhaShahid49
 
Metal alkyne complexes.pptx in chemistry
Metal alkyne complexes.pptx in chemistryMetal alkyne complexes.pptx in chemistry
Metal alkyne complexes.pptx in chemistry
mee23nu
 
Raish Khanji GTU 8th sem Internship Report.pdf
Raish Khanji GTU 8th sem Internship Report.pdfRaish Khanji GTU 8th sem Internship Report.pdf
Raish Khanji GTU 8th sem Internship Report.pdf
RaishKhanji
 
Avnet Silica's PCIM 2025 Highlights Flyer
Avnet Silica's PCIM 2025 Highlights FlyerAvnet Silica's PCIM 2025 Highlights Flyer
Avnet Silica's PCIM 2025 Highlights Flyer
WillDavies22
 
fluke dealers in bangalore..............
fluke dealers in bangalore..............fluke dealers in bangalore..............
fluke dealers in bangalore..............
Haresh Vaswani
 
railway wheels, descaling after reheating and before forging
railway wheels, descaling after reheating and before forgingrailway wheels, descaling after reheating and before forging
railway wheels, descaling after reheating and before forging
Javad Kadkhodapour
 
DT REPORT by Tech titan GROUP to introduce the subject design Thinking
DT REPORT by Tech titan GROUP to introduce the subject design ThinkingDT REPORT by Tech titan GROUP to introduce the subject design Thinking
DT REPORT by Tech titan GROUP to introduce the subject design Thinking
DhruvChotaliya2
 
introduction to machine learining for beginers
introduction to machine learining for beginersintroduction to machine learining for beginers
introduction to machine learining for beginers
JoydebSheet
 
15th International Conference on Computer Science, Engineering and Applicatio...
15th International Conference on Computer Science, Engineering and Applicatio...15th International Conference on Computer Science, Engineering and Applicatio...
15th International Conference on Computer Science, Engineering and Applicatio...
IJCSES Journal
 
Introduction to FLUID MECHANICS & KINEMATICS
Introduction to FLUID MECHANICS &  KINEMATICSIntroduction to FLUID MECHANICS &  KINEMATICS
Introduction to FLUID MECHANICS & KINEMATICS
narayanaswamygdas
 
RICS Membership-(The Royal Institution of Chartered Surveyors).pdf
RICS Membership-(The Royal Institution of Chartered Surveyors).pdfRICS Membership-(The Royal Institution of Chartered Surveyors).pdf
RICS Membership-(The Royal Institution of Chartered Surveyors).pdf
MohamedAbdelkader115
 
Fort night presentation new0903 pdf.pdf.
Fort night presentation new0903 pdf.pdf.Fort night presentation new0903 pdf.pdf.
Fort night presentation new0903 pdf.pdf.
anuragmk56
 
211421893-M-Tech-CIVIL-Structural-Engineering-pdf.pdf
211421893-M-Tech-CIVIL-Structural-Engineering-pdf.pdf211421893-M-Tech-CIVIL-Structural-Engineering-pdf.pdf
211421893-M-Tech-CIVIL-Structural-Engineering-pdf.pdf
inmishra17121973
 
Reagent dosing (Bredel) presentation.pptx
Reagent dosing (Bredel) presentation.pptxReagent dosing (Bredel) presentation.pptx
Reagent dosing (Bredel) presentation.pptx
AlejandroOdio
 
Smart_Storage_Systems_Production_Engineering.pptx
Smart_Storage_Systems_Production_Engineering.pptxSmart_Storage_Systems_Production_Engineering.pptx
Smart_Storage_Systems_Production_Engineering.pptx
rushikeshnavghare94
 
five-year-soluhhhhhhhhhhhhhhhhhtions.pdf
five-year-soluhhhhhhhhhhhhhhhhhtions.pdffive-year-soluhhhhhhhhhhhhhhhhhtions.pdf
five-year-soluhhhhhhhhhhhhhhhhhtions.pdf
AdityaSharma944496
 
new ppt artificial intelligence historyyy
new ppt artificial intelligence historyyynew ppt artificial intelligence historyyy
new ppt artificial intelligence historyyy
PianoPianist
 
Machine learning project on employee attrition detection using (2).pptx
Machine learning project on employee attrition detection using (2).pptxMachine learning project on employee attrition detection using (2).pptx
Machine learning project on employee attrition detection using (2).pptx
rajeswari89780
 
AI-assisted Software Testing (3-hours tutorial)
AI-assisted Software Testing (3-hours tutorial)AI-assisted Software Testing (3-hours tutorial)
AI-assisted Software Testing (3-hours tutorial)
Vəhid Gəruslu
 
Mathematical foundation machine learning.pdf
Mathematical foundation machine learning.pdfMathematical foundation machine learning.pdf
Mathematical foundation machine learning.pdf
TalhaShahid49
 
Ad

Convolutional neural network

  • 1. Convolutional Neural Network • A child recognize animal visiting a zoo or seeing animal picture. • Computers ‘see’ in a different way than we do. Their world consists of only numbers. Every image can be represented as 2-dimensional arrays of numbers, known as pixels. • But the fact that they perceive images in a different way, doesn’t mean we can’t train them to recognize patterns, like we do. We just have to think of what an image is in a different way.
  • 2. Convolutional Neural Network (Cont…) • Convolutional Neural Network (CNN) specific type of Artificial Neural Network . • Convolutional Neural Networks are inspired by the brain. • Research in the 1950s and 1960s by D.H Hubel and T.N Wiesel on the brain of mammals suggested a new model for how mammals perceive the world visually.
  • 3. Deep Learning Basics OUTPUTS HIDDEN NODES CAT DOG • Deep Learning – is a set of machine learning algorithms based on multi-layer networks INPUTS
  • 4. Deep Learning Basics CAT DOG • Deep Learning – is a set of machine learning algorithms based on multi-layer networks 4 Training
  • 5. Deep Learning Basics CAT DOG • Deep Learning – is a set of machine learning algorithms based on multi-layer networks 5
  • 6. Deep Learning Basics CAT DOG Deep Learning – is a set of machine learning algorithms based on multi-layer networks
  • 7. Architecture • Convolutional Neural Networks have a different architecture than regular Neural Networks. Regular Neural Networks transform an input by putting it through a series of hidden layers. • Every layer is made up of a set of neurons, where each layer is fully connected to all neurons in the layer before. Finally, there is a last fully-connected layer —the output layer —that represent the predictions.
  • 8. 8 What is Convolutional NN ? CNN - multi-layer NN architecture – Convolutional + Non-Linear Layer – Sub-sampling Layer – Convolutional +Non-L inear Layer – Fully connected layers  Supervised Feature Extraction Classi- fication
  • 9. 9 What is Convolutional NN ? 2x2 Convolution + NL Sub-sampling Convolution + NL
  • 10. Architecture(Cont..) • The layers are organised in 3 dimensions: width, height and depth.
  • 11. Architecture(Cont..) CNNs have two components • The Hidden layers/Feature extraction part: 1. Convolutions 2. Poolingoperations ( which the features are detected) • The Classification part: 1. Classifier 2. Probability is assigned for the object on the image.
  • 12. Architecture(Cont..) • Suppose INPUT [32x32x3] ,where width 32, height 32, and with three color channels R,G,B. • CONV layer may produce [32x32x12] if filters is 12.
  • 13. Architecture(Cont..) • RELU layer will apply an elementwise activation function, such as the (max(0,x)). • POOL layer will perform a downsampling operation along the spatial dimensions (width, height), resulting in volume such as [16x16x12]. • FC (i.e. fully-connected) layer will compute the class scores.
  • 14. Feature Extraction • Convolution is one of the main building blocks of a CNN. • At every location, a matrix multiplication is performed and sums the result onto the feature map. • The area of our filter is also called the receptive field, named after the neuron cells! The size of this filter is 3x3.
  • 15. Feature Extraction(Cont…) Need for receptive field • For example, suppose that the input volume has size [32*32*3].So our connection would be 32*32*3 ,which is impractical. If the receptive field (or the filter size) is 5*5, then each neuron in the Conv Layer will have weights to a [5x5x3] region in the input volume, for a total of 5*5*3 = 75 weights (and +1 bias parameter). Notice that the extent of the connectivity along the depth axis must be 3, since this is the depth of the input volume.
  • 16. Feature Extraction(Cont…) • Just like any other Neural Network, we use an activation function to make our output non- linear. This could be the ReLU activation function. • Stride is the size of the step the convolution filter moves each time. A stride size is usually 1, meaning the filter slides pixel by pixel. • This shows stride size 1 in action.
  • 17. Feature Extraction(Cont…) • Because the size of the feature map is always smaller than the input, we have to do something to prevent our feature map from shrinking. This is where we use padding. • Pooling layer reduce the dimensionality of parameters and computation in the network. • The most frequent type of pooling is max pooling, which takes the maximum value in each window.
  • 19. Classification • Classification part consists fully connected layers. • It accept 1 Dimensional data. • To convert our 3D data to 1D, function flatten in Python.
  • 20. CNN applications CNN is a big hammer Plenty low hanging fruits You need just a right nail!
  • 22. Conv NN: Scene parsing
  • 23. CNN: indoor semantic labeling RGBD
  • 24. Conv NN: Action Detection
  • 25. Conv NN: Image Processing
  • 26. Summary • CNNs are especially useful for image classification and recognition. • The main technique in CNNs is convolution. • A filter slides over the input and merges the input value + the filter value on the feature map. • Feed new images to our CNN so it can give a probability for the object it thinks it sees or describe an image with text.