SlideShare a Scribd company logo
Convolutional Neural
Network and Its
Applications
144133E – M.G.K.C.PIYARTHNA
What is CNN?
In machine learning, a convolutional neural network is a class of deep,
feed-forward artificial neural networks that has successfully been
applied fpr analyzing visual imagery.
In the field of ComputerVision and Natural Language Processing, there
can be found more influential innovations by using the concept of
convolutional neural network in Machine Language.
Motivation
• Convolutional Neural Networks (CNN) are biologically-inspired
variants of MLPs. From Hubel andWiesel’s early work on the cat’s
visual cortex ,we know the visual cortex contains a complex
arrangement of cells.These cells are sensitive to small sub-regions of
the visual field, called a receptive field.The sub-regions are tiled to
cover the entire visual field.These cells act as local filters over the
input space and are well-suited to exploit the strong spatially local
correlation present in natural images.
• The animal visual cortex being the most powerful visual processing
system in existence, it seems natural to emulate its behavior
CNN Architecture
ConvNet Architectures
• LeNet (1990s)
• AlexNet (2012)
• ZF Net (2013)
• GoogLeNet (2014)
• VGGNet (2014)
• ResNets (2015)
• DenseNet (August 2016)
Four main operations in the ConvNet
• Convolution
• Non Linearity
• Pooling or Sub Sampling
• Classification (Fully Connected Layer)
• An Image is a matrix of pixel
values
• Channel is a conventional term
used to refer to a certain
component of an image.
• A grayscale image, on the other
hand, has just one channel.
The Convolution Step
• The primary purpose of
Convolution in case of a
ConvNet is to extract features
from the input image.
• In CNN terminology, the 3×3 matrix is called a ‘filter‘ or ‘kernel’ or
‘feature detector’
• the matrix formed by sliding the filter over the image and computing
the dot product is called the ‘Convolved Feature’ or ‘Activation Map’
or the ‘Feature Map‘.
• It is important to note that filters acts as feature detectors from the
original input image.
• In practice, a CNN learns the values of these filters on its own during
the training process.The more number of filters we have, the more
image features get extracted and the better our network becomes at
recognizing patterns in unseen images.
Convolutional Neural Network and Its Applications
• The size of the Feature Map (Convolved Feature) is controlled by
three parameters
• Depth: Depth corresponds to the number of filters we use for the
convolution 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.
Introducing Non Linearity (ReLU)
• ReLU is an element wise
operation (applied per pixel)
and replaces all negative pixel
values in the feature map by
zero
• Convolution is a linear
operation – element wise
matrix multiplication and
addition, so we account for
non-linearity by introducing a
non-linear function like ReLU
The Pooling Step
• Spatial Pooling (also called
subsampling or downsampling)
reduces the dimensionality of
each feature map but
retains the most
important information. Spatial
Pooling can be of different
types: Max, Average, Sum etc.
• In case of Max Pooling, we
define a spatial neighborhood
(for example, a 2×2 window)
Fully Connected Layer
• The term “Fully Connected”
implies that every neuron in the
previous layer is connected to
every neuron on the next layer.
• The output from the convolutional
and pooling layers represent high-
level features of the input image.
• The purpose of the Fully
Connected layer is to use these
features for classifying the input
image into various classes based
on the training dataset.
Putting it all together – Training using
Backpropagation
• input image is a boat, the
target probability is 1 for Boat
class and 0 for other
three classes
• Input Image = Boat
• TargetVector = [0, 0, 1, 0]
Putting it all together – Training using
Backpropagation
• Step1:We initialize all filters and parameters
• Step2: The network takes a training image as input, goes through the forward propagation step
(convolution, ReLU and pooling operations along with forward propagation in the FullyConnected
layer) and finds the output probabilities for each class
• Lets say the output probabilities for the boat image above are [0.2, 0.4, 0.1, 0.3]
• Step3: Calculate the total error at the output layer (summation over all 4 classes)
• Total Error = ∑ ½ (target probability – output probability) ²
• Step4: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.
CNN Applications
• computer vision
face recognition, scene labeling, image classification, action
recognition, human pose estimation and document analysis
• natural language processing
field of speech recognition and text classification
Face recognition
• Identifying all the faces in the
picture
• Focusing on each face despite
bad lighting or different pose
• Identifying unique features
• Comparing identified features
to existing database and
determining the person's name
Scene labeling
• Real-time scene parsing in
natural conditions.
• Training on SiftFlow dataset(33
classes).
• Display one label per
component in the final
prediction
• Can also used Barcelona
Dataset(170 classes) , Stanford
Background Dataset(8 classes)
Speech Recognition
• Noise robustness
• Distant speech recognition
• Low-footprint models
• Channel-mismatched training-test conditions
Do you know?
• Facebook uses neural nets for
their automatic tagging
algorithms
• Google for their photo search
• Amazon for their product
recommendations
• Pinterest for their home feed
personalization
• Instagram for their search
infrastructure
Q & A?
Convolutional Neural Network and Its Applications
Ad

More Related Content

What's hot (20)

Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
Shuai Zhang
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
MojammilHusain
 
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
 
CNN Tutorial
CNN TutorialCNN Tutorial
CNN Tutorial
Sungjoon Choi
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
Ferdous ahmed
 
Regularization in deep learning
Regularization in deep learningRegularization in deep learning
Regularization in deep learning
Kien Le
 
Convolutional Neural Network (CNN) - image recognition
Convolutional Neural Network (CNN)  - image recognitionConvolutional Neural Network (CNN)  - image recognition
Convolutional Neural Network (CNN) - image recognition
YUNG-KUEI CHEN
 
Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)
Muhammad Haroon
 
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Simplilearn
 
Convolutional Neural Network
Convolutional Neural NetworkConvolutional Neural Network
Convolutional Neural Network
Vignesh Suresh
 
Cnn method
Cnn methodCnn method
Cnn method
AmirSajedi1
 
Deep Learning - CNN and RNN
Deep Learning - CNN and RNNDeep Learning - CNN and RNN
Deep Learning - CNN and RNN
Ashray Bhandare
 
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
 
AlexNet
AlexNetAlexNet
AlexNet
Bertil Hatt
 
cnn ppt.pptx
cnn ppt.pptxcnn ppt.pptx
cnn ppt.pptx
rohithprabhas1
 
CNN Machine learning DeepLearning
CNN Machine learning DeepLearningCNN Machine learning DeepLearning
CNN Machine learning DeepLearning
Abhishek Sharma
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
Christian Perone
 
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
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNN
Noura Hussein
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
Shuai Zhang
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
MojammilHusain
 
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
Ferdous ahmed
 
Regularization in deep learning
Regularization in deep learningRegularization in deep learning
Regularization in deep learning
Kien Le
 
Convolutional Neural Network (CNN) - image recognition
Convolutional Neural Network (CNN)  - image recognitionConvolutional Neural Network (CNN)  - image recognition
Convolutional Neural Network (CNN) - image recognition
YUNG-KUEI CHEN
 
Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)
Muhammad Haroon
 
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Simplilearn
 
Convolutional Neural Network
Convolutional Neural NetworkConvolutional Neural Network
Convolutional Neural Network
Vignesh Suresh
 
Deep Learning - CNN and RNN
Deep Learning - CNN and RNNDeep Learning - CNN and RNN
Deep Learning - CNN and RNN
Ashray Bhandare
 
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
 
CNN Machine learning DeepLearning
CNN Machine learning DeepLearningCNN Machine learning DeepLearning
CNN Machine learning DeepLearning
Abhishek Sharma
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
Christian Perone
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
Basit Rafiq
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNN
Noura Hussein
 

Similar to Convolutional Neural Network and Its Applications (20)

Deep Learning
Deep LearningDeep Learning
Deep Learning
Pierre de Lacaze
 
Introduction to Convolutional Neural Networks
Introduction to Convolutional Neural NetworksIntroduction to Convolutional Neural Networks
Introduction to Convolutional Neural Networks
ParrotAI
 
cnn.pdf
cnn.pdfcnn.pdf
cnn.pdf
Amnaalia
 
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
 
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
 
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 Convolutional Neural Networks (CNNs).pptx
Introduction to Convolutional Neural Networks (CNNs).pptxIntroduction to Convolutional Neural Networks (CNNs).pptx
Introduction to Convolutional Neural Networks (CNNs).pptx
CHRISEVANS269099
 
Facial Emotion Detection on Children's Emotional Face
Facial Emotion Detection on Children's Emotional FaceFacial Emotion Detection on Children's Emotional Face
Facial Emotion Detection on Children's Emotional Face
Takrim Ul Islam Laskar
 
Basic Introduction to Convolutional Neural Network.pptx
Basic Introduction to Convolutional Neural Network.pptxBasic Introduction to Convolutional Neural Network.pptx
Basic Introduction to Convolutional Neural Network.pptx
RamsonDev
 
Cnn
CnnCnn
Cnn
rimshailyas1
 
Deep Computer Vision - 1.pptx
Deep Computer Vision - 1.pptxDeep Computer Vision - 1.pptx
Deep Computer Vision - 1.pptx
JawadHaider36
 
deep learning
deep learningdeep learning
deep learning
Hassanein Alwan
 
Deep learning from a novice perspective
Deep learning from a novice perspectiveDeep learning from a novice perspective
Deep learning from a novice perspective
Anirban Santara
 
Deep Neural Network DNN.docx
Deep Neural Network DNN.docxDeep Neural Network DNN.docx
Deep Neural Network DNN.docx
jaffarbikat
 
Speech Processing with deep learning
Speech Processing  with deep learningSpeech Processing  with deep learning
Speech Processing with deep learning
Mohamed Essam
 
Machine learning Module-2, 6th Semester Elective
Machine learning Module-2, 6th Semester ElectiveMachine learning Module-2, 6th Semester Elective
Machine learning Module-2, 6th Semester Elective
MayuraD1
 
Mnist report
Mnist reportMnist report
Mnist report
RaghunandanJairam
 
DSRLab seminar Introduction to deep learning
DSRLab seminar   Introduction to deep learningDSRLab seminar   Introduction to deep learning
DSRLab seminar Introduction to deep learning
Poo Kuan Hoong
 
Autoencoders for image_classification
Autoencoders for image_classificationAutoencoders for image_classification
Autoencoders for image_classification
Cenk Bircanoğlu
 
Introduction to Convolutional Neural Networks
Introduction to Convolutional Neural NetworksIntroduction to Convolutional Neural Networks
Introduction to Convolutional Neural Networks
ParrotAI
 
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
 
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
 
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 Convolutional Neural Networks (CNNs).pptx
Introduction to Convolutional Neural Networks (CNNs).pptxIntroduction to Convolutional Neural Networks (CNNs).pptx
Introduction to Convolutional Neural Networks (CNNs).pptx
CHRISEVANS269099
 
Facial Emotion Detection on Children's Emotional Face
Facial Emotion Detection on Children's Emotional FaceFacial Emotion Detection on Children's Emotional Face
Facial Emotion Detection on Children's Emotional Face
Takrim Ul Islam Laskar
 
Basic Introduction to Convolutional Neural Network.pptx
Basic Introduction to Convolutional Neural Network.pptxBasic Introduction to Convolutional Neural Network.pptx
Basic Introduction to Convolutional Neural Network.pptx
RamsonDev
 
Deep Computer Vision - 1.pptx
Deep Computer Vision - 1.pptxDeep Computer Vision - 1.pptx
Deep Computer Vision - 1.pptx
JawadHaider36
 
Deep learning from a novice perspective
Deep learning from a novice perspectiveDeep learning from a novice perspective
Deep learning from a novice perspective
Anirban Santara
 
Deep Neural Network DNN.docx
Deep Neural Network DNN.docxDeep Neural Network DNN.docx
Deep Neural Network DNN.docx
jaffarbikat
 
Speech Processing with deep learning
Speech Processing  with deep learningSpeech Processing  with deep learning
Speech Processing with deep learning
Mohamed Essam
 
Machine learning Module-2, 6th Semester Elective
Machine learning Module-2, 6th Semester ElectiveMachine learning Module-2, 6th Semester Elective
Machine learning Module-2, 6th Semester Elective
MayuraD1
 
DSRLab seminar Introduction to deep learning
DSRLab seminar   Introduction to deep learningDSRLab seminar   Introduction to deep learning
DSRLab seminar Introduction to deep learning
Poo Kuan Hoong
 
Autoencoders for image_classification
Autoencoders for image_classificationAutoencoders for image_classification
Autoencoders for image_classification
Cenk Bircanoğlu
 
Ad

Recently uploaded (20)

AI Changes Everything – Talk at Cardiff Metropolitan University, 29th April 2...
AI Changes Everything – Talk at Cardiff Metropolitan University, 29th April 2...AI Changes Everything – Talk at Cardiff Metropolitan University, 29th April 2...
AI Changes Everything – Talk at Cardiff Metropolitan University, 29th April 2...
Alan Dix
 
"Client Partnership — the Path to Exponential Growth for Companies Sized 50-5...
"Client Partnership — the Path to Exponential Growth for Companies Sized 50-5..."Client Partnership — the Path to Exponential Growth for Companies Sized 50-5...
"Client Partnership — the Path to Exponential Growth for Companies Sized 50-5...
Fwdays
 
Splunk Security Update | Public Sector Summit Germany 2025
Splunk Security Update | Public Sector Summit Germany 2025Splunk Security Update | Public Sector Summit Germany 2025
Splunk Security Update | Public Sector Summit Germany 2025
Splunk
 
"PHP and MySQL CRUD Operations for Student Management System"
"PHP and MySQL CRUD Operations for Student Management System""PHP and MySQL CRUD Operations for Student Management System"
"PHP and MySQL CRUD Operations for Student Management System"
Jainul Musani
 
Buckeye Dreamin' 2023: De-fogging Debug Logs
Buckeye Dreamin' 2023: De-fogging Debug LogsBuckeye Dreamin' 2023: De-fogging Debug Logs
Buckeye Dreamin' 2023: De-fogging Debug Logs
Lynda Kane
 
Leading AI Innovation As A Product Manager - Michael Jidael
Leading AI Innovation As A Product Manager - Michael JidaelLeading AI Innovation As A Product Manager - Michael Jidael
Leading AI Innovation As A Product Manager - Michael Jidael
Michael Jidael
 
tecnologias de las primeras civilizaciones.pdf
tecnologias de las primeras civilizaciones.pdftecnologias de las primeras civilizaciones.pdf
tecnologias de las primeras civilizaciones.pdf
fjgm517
 
What is Model Context Protocol(MCP) - The new technology for communication bw...
What is Model Context Protocol(MCP) - The new technology for communication bw...What is Model Context Protocol(MCP) - The new technology for communication bw...
What is Model Context Protocol(MCP) - The new technology for communication bw...
Vishnu Singh Chundawat
 
Role of Data Annotation Services in AI-Powered Manufacturing
Role of Data Annotation Services in AI-Powered ManufacturingRole of Data Annotation Services in AI-Powered Manufacturing
Role of Data Annotation Services in AI-Powered Manufacturing
Andrew Leo
 
Big Data Analytics Quick Research Guide by Arthur Morgan
Big Data Analytics Quick Research Guide by Arthur MorganBig Data Analytics Quick Research Guide by Arthur Morgan
Big Data Analytics Quick Research Guide by Arthur Morgan
Arthur Morgan
 
SAP Modernization: Maximizing the Value of Your SAP S/4HANA Migration.pdf
SAP Modernization: Maximizing the Value of Your SAP S/4HANA Migration.pdfSAP Modernization: Maximizing the Value of Your SAP S/4HANA Migration.pdf
SAP Modernization: Maximizing the Value of Your SAP S/4HANA Migration.pdf
Precisely
 
#AdminHour presents: Hour of Code2018 slide deck from 12/6/2018
#AdminHour presents: Hour of Code2018 slide deck from 12/6/2018#AdminHour presents: Hour of Code2018 slide deck from 12/6/2018
#AdminHour presents: Hour of Code2018 slide deck from 12/6/2018
Lynda Kane
 
Asthma presentación en inglés abril 2025 pdf
Asthma presentación en inglés abril 2025 pdfAsthma presentación en inglés abril 2025 pdf
Asthma presentación en inglés abril 2025 pdf
VanessaRaudez
 
Complete Guide to Advanced Logistics Management Software in Riyadh.pdf
Complete Guide to Advanced Logistics Management Software in Riyadh.pdfComplete Guide to Advanced Logistics Management Software in Riyadh.pdf
Complete Guide to Advanced Logistics Management Software in Riyadh.pdf
Software Company
 
Automation Dreamin' 2022: Sharing Some Gratitude with Your Users
Automation Dreamin' 2022: Sharing Some Gratitude with Your UsersAutomation Dreamin' 2022: Sharing Some Gratitude with Your Users
Automation Dreamin' 2022: Sharing Some Gratitude with Your Users
Lynda Kane
 
Manifest Pre-Seed Update | A Humanoid OEM Deeptech In France
Manifest Pre-Seed Update | A Humanoid OEM Deeptech In FranceManifest Pre-Seed Update | A Humanoid OEM Deeptech In France
Manifest Pre-Seed Update | A Humanoid OEM Deeptech In France
chb3
 
Learn the Basics of Agile Development: Your Step-by-Step Guide
Learn the Basics of Agile Development: Your Step-by-Step GuideLearn the Basics of Agile Development: Your Step-by-Step Guide
Learn the Basics of Agile Development: Your Step-by-Step Guide
Marcel David
 
Semantic Cultivators : The Critical Future Role to Enable AI
Semantic Cultivators : The Critical Future Role to Enable AISemantic Cultivators : The Critical Future Role to Enable AI
Semantic Cultivators : The Critical Future Role to Enable AI
artmondano
 
Datastucture-Unit 4-Linked List Presentation.pptx
Datastucture-Unit 4-Linked List Presentation.pptxDatastucture-Unit 4-Linked List Presentation.pptx
Datastucture-Unit 4-Linked List Presentation.pptx
kaleeswaric3
 
Hands On: Create a Lightning Aura Component with force:RecordData
Hands On: Create a Lightning Aura Component with force:RecordDataHands On: Create a Lightning Aura Component with force:RecordData
Hands On: Create a Lightning Aura Component with force:RecordData
Lynda Kane
 
AI Changes Everything – Talk at Cardiff Metropolitan University, 29th April 2...
AI Changes Everything – Talk at Cardiff Metropolitan University, 29th April 2...AI Changes Everything – Talk at Cardiff Metropolitan University, 29th April 2...
AI Changes Everything – Talk at Cardiff Metropolitan University, 29th April 2...
Alan Dix
 
"Client Partnership — the Path to Exponential Growth for Companies Sized 50-5...
"Client Partnership — the Path to Exponential Growth for Companies Sized 50-5..."Client Partnership — the Path to Exponential Growth for Companies Sized 50-5...
"Client Partnership — the Path to Exponential Growth for Companies Sized 50-5...
Fwdays
 
Splunk Security Update | Public Sector Summit Germany 2025
Splunk Security Update | Public Sector Summit Germany 2025Splunk Security Update | Public Sector Summit Germany 2025
Splunk Security Update | Public Sector Summit Germany 2025
Splunk
 
"PHP and MySQL CRUD Operations for Student Management System"
"PHP and MySQL CRUD Operations for Student Management System""PHP and MySQL CRUD Operations for Student Management System"
"PHP and MySQL CRUD Operations for Student Management System"
Jainul Musani
 
Buckeye Dreamin' 2023: De-fogging Debug Logs
Buckeye Dreamin' 2023: De-fogging Debug LogsBuckeye Dreamin' 2023: De-fogging Debug Logs
Buckeye Dreamin' 2023: De-fogging Debug Logs
Lynda Kane
 
Leading AI Innovation As A Product Manager - Michael Jidael
Leading AI Innovation As A Product Manager - Michael JidaelLeading AI Innovation As A Product Manager - Michael Jidael
Leading AI Innovation As A Product Manager - Michael Jidael
Michael Jidael
 
tecnologias de las primeras civilizaciones.pdf
tecnologias de las primeras civilizaciones.pdftecnologias de las primeras civilizaciones.pdf
tecnologias de las primeras civilizaciones.pdf
fjgm517
 
What is Model Context Protocol(MCP) - The new technology for communication bw...
What is Model Context Protocol(MCP) - The new technology for communication bw...What is Model Context Protocol(MCP) - The new technology for communication bw...
What is Model Context Protocol(MCP) - The new technology for communication bw...
Vishnu Singh Chundawat
 
Role of Data Annotation Services in AI-Powered Manufacturing
Role of Data Annotation Services in AI-Powered ManufacturingRole of Data Annotation Services in AI-Powered Manufacturing
Role of Data Annotation Services in AI-Powered Manufacturing
Andrew Leo
 
Big Data Analytics Quick Research Guide by Arthur Morgan
Big Data Analytics Quick Research Guide by Arthur MorganBig Data Analytics Quick Research Guide by Arthur Morgan
Big Data Analytics Quick Research Guide by Arthur Morgan
Arthur Morgan
 
SAP Modernization: Maximizing the Value of Your SAP S/4HANA Migration.pdf
SAP Modernization: Maximizing the Value of Your SAP S/4HANA Migration.pdfSAP Modernization: Maximizing the Value of Your SAP S/4HANA Migration.pdf
SAP Modernization: Maximizing the Value of Your SAP S/4HANA Migration.pdf
Precisely
 
#AdminHour presents: Hour of Code2018 slide deck from 12/6/2018
#AdminHour presents: Hour of Code2018 slide deck from 12/6/2018#AdminHour presents: Hour of Code2018 slide deck from 12/6/2018
#AdminHour presents: Hour of Code2018 slide deck from 12/6/2018
Lynda Kane
 
Asthma presentación en inglés abril 2025 pdf
Asthma presentación en inglés abril 2025 pdfAsthma presentación en inglés abril 2025 pdf
Asthma presentación en inglés abril 2025 pdf
VanessaRaudez
 
Complete Guide to Advanced Logistics Management Software in Riyadh.pdf
Complete Guide to Advanced Logistics Management Software in Riyadh.pdfComplete Guide to Advanced Logistics Management Software in Riyadh.pdf
Complete Guide to Advanced Logistics Management Software in Riyadh.pdf
Software Company
 
Automation Dreamin' 2022: Sharing Some Gratitude with Your Users
Automation Dreamin' 2022: Sharing Some Gratitude with Your UsersAutomation Dreamin' 2022: Sharing Some Gratitude with Your Users
Automation Dreamin' 2022: Sharing Some Gratitude with Your Users
Lynda Kane
 
Manifest Pre-Seed Update | A Humanoid OEM Deeptech In France
Manifest Pre-Seed Update | A Humanoid OEM Deeptech In FranceManifest Pre-Seed Update | A Humanoid OEM Deeptech In France
Manifest Pre-Seed Update | A Humanoid OEM Deeptech In France
chb3
 
Learn the Basics of Agile Development: Your Step-by-Step Guide
Learn the Basics of Agile Development: Your Step-by-Step GuideLearn the Basics of Agile Development: Your Step-by-Step Guide
Learn the Basics of Agile Development: Your Step-by-Step Guide
Marcel David
 
Semantic Cultivators : The Critical Future Role to Enable AI
Semantic Cultivators : The Critical Future Role to Enable AISemantic Cultivators : The Critical Future Role to Enable AI
Semantic Cultivators : The Critical Future Role to Enable AI
artmondano
 
Datastucture-Unit 4-Linked List Presentation.pptx
Datastucture-Unit 4-Linked List Presentation.pptxDatastucture-Unit 4-Linked List Presentation.pptx
Datastucture-Unit 4-Linked List Presentation.pptx
kaleeswaric3
 
Hands On: Create a Lightning Aura Component with force:RecordData
Hands On: Create a Lightning Aura Component with force:RecordDataHands On: Create a Lightning Aura Component with force:RecordData
Hands On: Create a Lightning Aura Component with force:RecordData
Lynda Kane
 
Ad

Convolutional Neural Network and Its Applications

  • 1. Convolutional Neural Network and Its Applications 144133E – M.G.K.C.PIYARTHNA
  • 2. What is CNN? In machine learning, a convolutional neural network is a class of deep, feed-forward artificial neural networks that has successfully been applied fpr analyzing visual imagery. In the field of ComputerVision and Natural Language Processing, there can be found more influential innovations by using the concept of convolutional neural network in Machine Language.
  • 3. Motivation • Convolutional Neural Networks (CNN) are biologically-inspired variants of MLPs. From Hubel andWiesel’s early work on the cat’s visual cortex ,we know the visual cortex contains a complex arrangement of cells.These cells are sensitive to small sub-regions of the visual field, called a receptive field.The sub-regions are tiled to cover the entire visual field.These cells act as local filters over the input space and are well-suited to exploit the strong spatially local correlation present in natural images. • The animal visual cortex being the most powerful visual processing system in existence, it seems natural to emulate its behavior
  • 5. ConvNet Architectures • LeNet (1990s) • AlexNet (2012) • ZF Net (2013) • GoogLeNet (2014) • VGGNet (2014) • ResNets (2015) • DenseNet (August 2016)
  • 6. Four main operations in the ConvNet • Convolution • Non Linearity • Pooling or Sub Sampling • Classification (Fully Connected Layer)
  • 7. • An Image is a matrix of pixel values • Channel is a conventional term used to refer to a certain component of an image. • A grayscale image, on the other hand, has just one channel.
  • 8. The Convolution Step • The primary purpose of Convolution in case of a ConvNet is to extract features from the input image.
  • 9. • In CNN terminology, the 3×3 matrix is called a ‘filter‘ or ‘kernel’ or ‘feature detector’ • the matrix formed by sliding the filter over the image and computing the dot product is called the ‘Convolved Feature’ or ‘Activation Map’ or the ‘Feature Map‘. • It is important to note that filters acts as feature detectors from the original input image. • In practice, a CNN learns the values of these filters on its own during the training process.The more number of filters we have, the more image features get extracted and the better our network becomes at recognizing patterns in unseen images.
  • 11. • The size of the Feature Map (Convolved Feature) is controlled by three parameters • Depth: Depth corresponds to the number of filters we use for the convolution 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.
  • 12. Introducing Non Linearity (ReLU) • ReLU is an element wise operation (applied per pixel) and replaces all negative pixel values in the feature map by zero • Convolution is a linear operation – element wise matrix multiplication and addition, so we account for non-linearity by introducing a non-linear function like ReLU
  • 13. The Pooling Step • Spatial Pooling (also called subsampling or downsampling) reduces the dimensionality of each feature map but retains the most important information. Spatial Pooling can be of different types: Max, Average, Sum etc. • In case of Max Pooling, we define a spatial neighborhood (for example, a 2×2 window)
  • 14. Fully Connected Layer • The term “Fully Connected” implies that every neuron in the previous layer is connected to every neuron on the next layer. • The output from the convolutional and pooling layers represent high- level features of the input image. • The purpose of the Fully Connected layer is to use these features for classifying the input image into various classes based on the training dataset.
  • 15. Putting it all together – Training using Backpropagation • input image is a boat, the target probability is 1 for Boat class and 0 for other three classes • Input Image = Boat • TargetVector = [0, 0, 1, 0]
  • 16. Putting it all together – Training using Backpropagation • Step1:We initialize all filters and parameters • Step2: The network takes a training image as input, goes through the forward propagation step (convolution, ReLU and pooling operations along with forward propagation in the FullyConnected layer) and finds the output probabilities for each class • Lets say the output probabilities for the boat image above are [0.2, 0.4, 0.1, 0.3] • Step3: Calculate the total error at the output layer (summation over all 4 classes) • Total Error = ∑ ½ (target probability – output probability) ² • Step4: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.
  • 17. CNN Applications • computer vision face recognition, scene labeling, image classification, action recognition, human pose estimation and document analysis • natural language processing field of speech recognition and text classification
  • 18. Face recognition • Identifying all the faces in the picture • Focusing on each face despite bad lighting or different pose • Identifying unique features • Comparing identified features to existing database and determining the person's name
  • 19. Scene labeling • Real-time scene parsing in natural conditions. • Training on SiftFlow dataset(33 classes). • Display one label per component in the final prediction • Can also used Barcelona Dataset(170 classes) , Stanford Background Dataset(8 classes)
  • 20. Speech Recognition • Noise robustness • Distant speech recognition • Low-footprint models • Channel-mismatched training-test conditions
  • 21. Do you know? • Facebook uses neural nets for their automatic tagging algorithms • Google for their photo search • Amazon for their product recommendations • Pinterest for their home feed personalization • Instagram for their search infrastructure