SlideShare une entreprise Scribd logo
1  sur  33
Object Recognition Tutorial
Beatrice van Eden
- Part time PhD Student at the University of the Witwatersrand.
- Fulltime employee of the Council for Scientific and Industrial Research.
Research Problem
• Hierarchical concept
formation
• This research will allow a robot to
learn about its environment
autonomously
• Build a concept about these
environments
• Even if it has not seen that specific
instance previously
Why Object Recognition
• Environments are build up by different objects
• RGB-D Sensor for perception
• Concept formation need some base line to work from
• Exposure to ML techniques
• Cascading classifiers
• Convolutional Neural Networks
• Support Vector Machine
Index: Cascading Classifiers
• Cascading classifiers
• Haar-like features
• Local binary patterns
• Implementation
• Results
Cascading classifiers
• Cascading is a particular case of ensemble
learning based on the concatenation of several
classifiers, using all information collected from
the output from a given classifier as additional
information for the next classifier in the cascade.
Haar-like features
• The difference of the sum of pixels of areas inside the
rectangle
• The values indicate certain characteristics of a particular area
of the image.
Haar-like features
• The Viola-Jones detector is a strong, binary classifier build of
several weak detectors
• Does a certain sub-region of the original image contain an
instance of the object of interest or not
Local binary patterns
• Divide the examined window into cells (e.g. 16x16 pixels for
each cell).
• For each pixel in a cell, compare the pixel to each of its 8
neighbours (on its left-top, left-middle, left-bottom, right-top,
etc.). Follow the pixels along a circle, i.e. clockwise or counter-
clockwise.
• Where the centre pixel's value is greater than the neighbour's
value, write "1". Otherwise, write "0". This gives an 8-digit
binary number.
• Compute the histogram, over the cell, of the frequency of
each "number" occurring.
• Optionally normalize the histogram.
• Concatenate (normalized) histograms of all cells. This gives the
feature vector for the window.
Local binary patterns
• a Powerful feature for texture classification
• LBP is faster but less accurate than Haar.
• LBP does all the calculations in integers. Haar uses floats.
• LBP few hours of training Haar few days
Implementation
• SAMPLES - How many images do we need?
• Depend on a variety of factors, including the quality of the
images, the object you want to recognize, the method to
generate the samples, the CPU power you have and probably
some magic.
• Positive images 50 -> 1500, list in .txt file.
• Negative images 1500, list in .txt file.
Implementation
• Create samples with OpenCV, generates a large number of
positive samples from our positive images, by applying
transformations and distortions. Used a Perl script to combine
positive image with negative image
• *.vec file are created, merge them into one
• opencv_haartraining and opencv_traincascade.
opencv_traincascade supports both Haar [Viola2001] and LBP
[Liao2007] (Local Binary Patterns) features.
Implementation
Implementation
• http://coding-robin.de/2013/07/22/train-your-own-opencv-
haar-classifier.html
• Video LBP – Coke Can
• Video Haar – Coke Can
• Video LBP – Face recognition
• Choose amount of stages to train
Results
• To be generated – working on confusion matrix
•
Index: CNN
• Convolutional Neural Networks
• Example
• Overview and Intuition
• Implementation
• Results
Convolutional Neural Networks
• Neural network vs. Convolutional neural network
• Layers used to build ConvNets
• Convolutional Layer, Pooling Layer, and Fully-Connected Layer
(exactly as seen in regular Neural Networks).
Example
• Input:
• Image: width 32, height 32, three colour channels.
• CONV layer:
• Local filter over previous layer
• Dot product between weights and sliding region in the input volume.
[32x32x12]
• RELU layer:
• Apply an elementwise activation function, such as the max(0,x)
thresholding at zero. This leaves the size of the volume unchanged.
• POOL layer:
• Down sampling operation along the spatial dimensions (width,
height). [16x16x12]
• FC layer:
• Compute the class scores. As with ordinary Neural Networks each
neuron in this layer will be connected to all the numbers in the
previous volume.
Convolutional Neural Networks
• CNN is a type of feed-forward artificial neural network where
the individual neurons are tiled in such a way that they
respond to overlapping regions in the visual field.
Overview and Intuition
• CONV layer's parameters consist of a set of learnable filters
• Every filter is small spatially (along width and height), but
extends through the full depth of the input volume
• As we slide the filter, across the input, we are computing the
dot product between the entries of the filter and the input
• Intuitively, the network will learn filters that activate when
they see some specific type of feature at some spatial position
in the input
• Stacking these activation maps for all filters along the depth
dimension forms the full output volume
Convolutional Neural Networks
• Three hyperparameters control the size of the output volume:
the depth, stride and zero-padding
• Depth of the output volume is a hyperparameter that we can
pick. It controls the number of neurons in the Conv layer that
connect to the same region of the input volume.
• We specify the stride with which we allocate depth columns
around the spatial dimensions (width and height).
• Zero padding allow us to control the spatial size of the output
volumes.
Example filters learned
Implementation
http://danielnouri.org/notes/2014/12/17/using-convolutional-neural-nets-to-detect-facial-keypoints-tutorial/#the-data
• Lasagne, a library for building neural networks with Python
and Theano.
• CPU vs. CUDA-capable GPU
• Ran the MNIST example (Recognise 0-9 digits).
• Facial key point
• Data available as *.csv files. Load training
and test data.
• Video CNN – Coke Can
• Video CNN – Coke Can
The predictions of
net1 on the left
compared to the
predictions of net2.
Results
• To be generated – working on confusion matrix
•
Index: SVM
• Support Vector Machine
• Histogram of Oriented Gradients
• Implementation
• Results
Support Vector Machine
• Given a set of training examples, each marked for belonging to
one of two categories, an SVM training algorithm builds a
model that assigns new examples into one category or the
other.
What is the goal of the Support
Vector Machine (SVM)?
• The goal of a support vector machine is to find the optimal
separating hyperplane which maximizes the margin of the
training data.
Histogram of Oriented Gradients
• The technique counts occurrences of gradient orientation in
localized portions of an image
• The descriptor is made up of M*N cells covering the image
window in a grid.
• Each cell is represented by a histogram of edge orientations,
where the number of discretized edge orientations is a parameter
(usually 9).
• The cell histogram is visualized by a 'star' showing the strength of
the edge orientations in the histogram: the stronger a specific
orientation, the longer it is relative to the others.
• Note that there are various normalization schemes:
• Local schemes, in which the cell in normalized with respect to
neighboring cells only [Dalal-Triggs]
• Global schemes, in which the orientation length is normalized by
all the cells
• Also note that some authors use multiple local normalizations per
cell
Histogram of Oriented Gradients
The example below shows a model of a bike (from Felzenszwalb et al.)
with HoG consisting of 7*11 cells, each with 8 orientations
• (a) Test image
• (b) Gradient image of the test image
• (c) Orientation and magnitude of Gradient in each cell
• (d) HoG of cells
• (e) Average gradient image over the training example
• (f) Weights of positive SVM in the block
• (g) HoG descriptor weighted by the positive SVM weights
Histogram of Oriented Gradients
Implementation
• http://solvedstack.com/questions/svm-classifier-based-on-
hog-features-for-object-detection-in-opencv
• http://thebrainiac1.blogspot.com/2012/07/v-
behaviorurldefaultvmlo.html
• Video HoG – Coke Can
• Video HoG – Face recognition
Implementation
Results
• To be generated – working on confusion matrix
Conclusion
• Cascading classifiers
• Convolutional Neural Networks
• Support Vector Machine
Thank you

Contenu connexe

Tendances

Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNNShuai Zhang
 
PR-217: EfficientDet: Scalable and Efficient Object Detection
PR-217: EfficientDet: Scalable and Efficient Object DetectionPR-217: EfficientDet: Scalable and Efficient Object Detection
PR-217: EfficientDet: Scalable and Efficient Object DetectionJinwon Lee
 
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object DetectorPR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object DetectorJinwon Lee
 
Introduction to Convolutional Neural Networks
Introduction to Convolutional Neural NetworksIntroduction to Convolutional Neural Networks
Introduction to Convolutional Neural NetworksHannes Hapke
 
ShuffleNet - PR054
ShuffleNet - PR054ShuffleNet - PR054
ShuffleNet - PR054Jinwon Lee
 
Rethinking Attention with Performers
Rethinking Attention with PerformersRethinking Attention with Performers
Rethinking Attention with PerformersJoonhyung Lee
 
Exploring Randomly Wired Neural Networks for Image Recognition
Exploring Randomly Wired Neural Networks for Image RecognitionExploring Randomly Wired Neural Networks for Image Recognition
Exploring Randomly Wired Neural Networks for Image RecognitionYongsu Baek
 
PR-317: MLP-Mixer: An all-MLP Architecture for Vision
PR-317: MLP-Mixer: An all-MLP Architecture for VisionPR-317: MLP-Mixer: An all-MLP Architecture for Vision
PR-317: MLP-Mixer: An all-MLP Architecture for VisionJinwon Lee
 
Machine Learning - Introduction to Convolutional Neural Networks
Machine Learning - Introduction to Convolutional Neural NetworksMachine Learning - Introduction to Convolutional Neural Networks
Machine Learning - Introduction to Convolutional Neural NetworksAndrew Ferlitsch
 
End-to-End Object Detection with Transformers
End-to-End Object Detection with TransformersEnd-to-End Object Detection with Transformers
End-to-End Object Detection with TransformersSeunghyun Hwang
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkRichard Kuo
 
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual RepresentationsPR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual RepresentationsJinwon Lee
 
Overview of Convolutional Neural Networks
Overview of Convolutional Neural NetworksOverview of Convolutional Neural Networks
Overview of Convolutional Neural Networksananth
 
PR-169: EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks
PR-169: EfficientNet: Rethinking Model Scaling for Convolutional Neural NetworksPR-169: EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks
PR-169: EfficientNet: Rethinking Model Scaling for Convolutional Neural NetworksJinwon Lee
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsKasun Chinthaka Piyarathna
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural networkItachi SK
 
Learning Convolutional Neural Networks for Graphs
Learning Convolutional Neural Networks for GraphsLearning Convolutional Neural Networks for Graphs
Learning Convolutional Neural Networks for GraphsMathias Niepert
 
PR243: Designing Network Design Spaces
PR243: Designing Network Design SpacesPR243: Designing Network Design Spaces
PR243: Designing Network Design SpacesJinwon Lee
 

Tendances (20)

Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
 
PR-217: EfficientDet: Scalable and Efficient Object Detection
PR-217: EfficientDet: Scalable and Efficient Object DetectionPR-217: EfficientDet: Scalable and Efficient Object Detection
PR-217: EfficientDet: Scalable and Efficient Object Detection
 
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object DetectorPR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
 
Introduction to Convolutional Neural Networks
Introduction to Convolutional Neural NetworksIntroduction to Convolutional Neural Networks
Introduction to Convolutional Neural Networks
 
Deep learning
Deep learningDeep learning
Deep learning
 
ShuffleNet - PR054
ShuffleNet - PR054ShuffleNet - PR054
ShuffleNet - PR054
 
Rethinking Attention with Performers
Rethinking Attention with PerformersRethinking Attention with Performers
Rethinking Attention with Performers
 
Exploring Randomly Wired Neural Networks for Image Recognition
Exploring Randomly Wired Neural Networks for Image RecognitionExploring Randomly Wired Neural Networks for Image Recognition
Exploring Randomly Wired Neural Networks for Image Recognition
 
PR-317: MLP-Mixer: An all-MLP Architecture for Vision
PR-317: MLP-Mixer: An all-MLP Architecture for VisionPR-317: MLP-Mixer: An all-MLP Architecture for Vision
PR-317: MLP-Mixer: An all-MLP Architecture for Vision
 
Machine Learning - Introduction to Convolutional Neural Networks
Machine Learning - Introduction to Convolutional Neural NetworksMachine Learning - Introduction to Convolutional Neural Networks
Machine Learning - Introduction to Convolutional Neural Networks
 
End-to-End Object Detection with Transformers
End-to-End Object Detection with TransformersEnd-to-End Object Detection with Transformers
End-to-End Object Detection with Transformers
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural Network
 
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual RepresentationsPR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
 
Neural networks
Neural networksNeural networks
Neural networks
 
Overview of Convolutional Neural Networks
Overview of Convolutional Neural NetworksOverview of Convolutional Neural Networks
Overview of Convolutional Neural Networks
 
PR-169: EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks
PR-169: EfficientNet: Rethinking Model Scaling for Convolutional Neural NetworksPR-169: EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks
PR-169: EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
 
Learning Convolutional Neural Networks for Graphs
Learning Convolutional Neural Networks for GraphsLearning Convolutional Neural Networks for Graphs
Learning Convolutional Neural Networks for Graphs
 
PR243: Designing Network Design Spaces
PR243: Designing Network Design SpacesPR243: Designing Network Design Spaces
PR243: Designing Network Design Spaces
 

En vedette

Face Recognition using C#
Face Recognition using C#Face Recognition using C#
Face Recognition using C#Luigi Oliveto
 
What goes on during haar cascade face detection
What goes on during haar cascade face detectionWhat goes on during haar cascade face detection
What goes on during haar cascade face detectionOnibiyo Joshua Toluse
 
Dissertation final report
Dissertation final reportDissertation final report
Dissertation final reportSmriti Tikoo
 
Open cv nesne tespiti haar cascade sınıflandırıcısı
Open cv nesne tespiti haar cascade sınıflandırıcısıOpen cv nesne tespiti haar cascade sınıflandırıcısı
Open cv nesne tespiti haar cascade sınıflandırıcısıMeSutPikin
 
Face Recognition with OpenCV and scikit-learn
Face Recognition with OpenCV and scikit-learnFace Recognition with OpenCV and scikit-learn
Face Recognition with OpenCV and scikit-learnShiqiao Du
 
Face Detection
Face DetectionFace Detection
Face DetectionAmr Sheta
 
Face Recognition using OpenCV
Face Recognition using OpenCVFace Recognition using OpenCV
Face Recognition using OpenCVVasile Chelban
 
Detection and recognition of face using neural network
Detection and recognition of face using neural networkDetection and recognition of face using neural network
Detection and recognition of face using neural networkSmriti Tikoo
 
Object detection
Object detectionObject detection
Object detectionSomesh Vyas
 
FACE RECOGNITION TECHNOLOGY
FACE RECOGNITION TECHNOLOGYFACE RECOGNITION TECHNOLOGY
FACE RECOGNITION TECHNOLOGYJASHU JASWANTH
 
Face recognition ppt
Face recognition pptFace recognition ppt
Face recognition pptSantosh Kumar
 

En vedette (11)

Face Recognition using C#
Face Recognition using C#Face Recognition using C#
Face Recognition using C#
 
What goes on during haar cascade face detection
What goes on during haar cascade face detectionWhat goes on during haar cascade face detection
What goes on during haar cascade face detection
 
Dissertation final report
Dissertation final reportDissertation final report
Dissertation final report
 
Open cv nesne tespiti haar cascade sınıflandırıcısı
Open cv nesne tespiti haar cascade sınıflandırıcısıOpen cv nesne tespiti haar cascade sınıflandırıcısı
Open cv nesne tespiti haar cascade sınıflandırıcısı
 
Face Recognition with OpenCV and scikit-learn
Face Recognition with OpenCV and scikit-learnFace Recognition with OpenCV and scikit-learn
Face Recognition with OpenCV and scikit-learn
 
Face Detection
Face DetectionFace Detection
Face Detection
 
Face Recognition using OpenCV
Face Recognition using OpenCVFace Recognition using OpenCV
Face Recognition using OpenCV
 
Detection and recognition of face using neural network
Detection and recognition of face using neural networkDetection and recognition of face using neural network
Detection and recognition of face using neural network
 
Object detection
Object detectionObject detection
Object detection
 
FACE RECOGNITION TECHNOLOGY
FACE RECOGNITION TECHNOLOGYFACE RECOGNITION TECHNOLOGY
FACE RECOGNITION TECHNOLOGY
 
Face recognition ppt
Face recognition pptFace recognition ppt
Face recognition ppt
 

Similaire à Wits presentation 6_28072015

intro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptxintro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptxssuser3aa461
 
Cvpr 2018 papers review (efficient computing)
Cvpr 2018 papers review (efficient computing)Cvpr 2018 papers review (efficient computing)
Cvpr 2018 papers review (efficient computing)DonghyunKang12
 
Computer vision-nit-silchar-hackathon
Computer vision-nit-silchar-hackathonComputer vision-nit-silchar-hackathon
Computer vision-nit-silchar-hackathonAditya Bhattacharya
 
A Survey of Convolutional Neural Networks
A Survey of Convolutional Neural NetworksA Survey of Convolutional Neural Networks
A Survey of Convolutional Neural NetworksRimzim Thube
 
A Neural Network that Understands Handwriting
A Neural Network that Understands HandwritingA Neural Network that Understands Handwriting
A Neural Network that Understands HandwritingShivam Sawhney
 
Cahall Final Intern Presentation
Cahall Final Intern PresentationCahall Final Intern Presentation
Cahall Final Intern PresentationDaniel Cahall
 
Handwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPTHandwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPTRishabhTyagi48
 
Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...
Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...
Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...Sergey Karayev
 
Image Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A surveyImage Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A surveyNUPUR YADAV
 
Teach a neural network to read handwriting
Teach a neural network to read handwritingTeach a neural network to read handwriting
Teach a neural network to read handwritingVipul Kaushal
 
Convolutional neural networks
Convolutional neural networksConvolutional neural networks
Convolutional neural networksMohammad Imran
 
Recurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRURecurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRUananth
 
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 Recognitionvatsal199567
 
Application of machine learning and cognitive computing in intrusion detectio...
Application of machine learning and cognitive computing in intrusion detectio...Application of machine learning and cognitive computing in intrusion detectio...
Application of machine learning and cognitive computing in intrusion detectio...Mahdi Hosseini Moghaddam
 
PR-108: MobileNetV2: Inverted Residuals and Linear Bottlenecks
PR-108: MobileNetV2: Inverted Residuals and Linear BottlenecksPR-108: MobileNetV2: Inverted Residuals and Linear Bottlenecks
PR-108: MobileNetV2: Inverted Residuals and Linear BottlenecksJinwon Lee
 
Artificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep LearningArtificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep LearningSujit Pal
 

Similaire à Wits presentation 6_28072015 (20)

intro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptxintro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptx
 
Cvpr 2018 papers review (efficient computing)
Cvpr 2018 papers review (efficient computing)Cvpr 2018 papers review (efficient computing)
Cvpr 2018 papers review (efficient computing)
 
Computer vision-nit-silchar-hackathon
Computer vision-nit-silchar-hackathonComputer vision-nit-silchar-hackathon
Computer vision-nit-silchar-hackathon
 
A Survey of Convolutional Neural Networks
A Survey of Convolutional Neural NetworksA Survey of Convolutional Neural Networks
A Survey of Convolutional Neural Networks
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 
A Neural Network that Understands Handwriting
A Neural Network that Understands HandwritingA Neural Network that Understands Handwriting
A Neural Network that Understands Handwriting
 
Mnist soln
Mnist solnMnist soln
Mnist soln
 
TensorFlow.pptx
TensorFlow.pptxTensorFlow.pptx
TensorFlow.pptx
 
Cahall Final Intern Presentation
Cahall Final Intern PresentationCahall Final Intern Presentation
Cahall Final Intern Presentation
 
Handwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPTHandwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPT
 
Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...
Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...
Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...
 
Image Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A surveyImage Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A survey
 
Teach a neural network to read handwriting
Teach a neural network to read handwritingTeach a neural network to read handwriting
Teach a neural network to read handwriting
 
DL.pdf
DL.pdfDL.pdf
DL.pdf
 
Convolutional neural networks
Convolutional neural networksConvolutional neural networks
Convolutional neural networks
 
Recurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRURecurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRU
 
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
 
Application of machine learning and cognitive computing in intrusion detectio...
Application of machine learning and cognitive computing in intrusion detectio...Application of machine learning and cognitive computing in intrusion detectio...
Application of machine learning and cognitive computing in intrusion detectio...
 
PR-108: MobileNetV2: Inverted Residuals and Linear Bottlenecks
PR-108: MobileNetV2: Inverted Residuals and Linear BottlenecksPR-108: MobileNetV2: Inverted Residuals and Linear Bottlenecks
PR-108: MobileNetV2: Inverted Residuals and Linear Bottlenecks
 
Artificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep LearningArtificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep Learning
 

Plus de Beatrice van Eden

Wits presentation 4_17062015
Wits presentation 4_17062015Wits presentation 4_17062015
Wits presentation 4_17062015Beatrice van Eden
 
Wits presentation 5_30062015
Wits presentation 5_30062015Wits presentation 5_30062015
Wits presentation 5_30062015Beatrice van Eden
 
Wits presentation 3_02062015
Wits presentation 3_02062015Wits presentation 3_02062015
Wits presentation 3_02062015Beatrice van Eden
 
Wits presentation 2_19052015
Wits presentation 2_19052015Wits presentation 2_19052015
Wits presentation 2_19052015Beatrice van Eden
 
Wits presentation 1_21042015
Wits presentation 1_21042015Wits presentation 1_21042015
Wits presentation 1_21042015Beatrice van Eden
 
CHAMP: a Bespoke Integrated System for Mobile Manipulation
CHAMP: a Bespoke Integrated System for Mobile ManipulationCHAMP: a Bespoke Integrated System for Mobile Manipulation
CHAMP: a Bespoke Integrated System for Mobile ManipulationBeatrice van Eden
 
Machine learning group - Practical examples
Machine learning group - Practical examplesMachine learning group - Practical examples
Machine learning group - Practical examplesBeatrice van Eden
 
SANAE 50 newsletter 2011 06
SANAE 50 newsletter 2011 06 SANAE 50 newsletter 2011 06
SANAE 50 newsletter 2011 06 Beatrice van Eden
 
Sanae50 newsletter apr2011_final_300dpi
Sanae50 newsletter apr2011_final_300dpiSanae50 newsletter apr2011_final_300dpi
Sanae50 newsletter apr2011_final_300dpiBeatrice van Eden
 
Sanae50 newsletter march2011_draft2_300dpi
Sanae50 newsletter march2011_draft2_300dpiSanae50 newsletter march2011_draft2_300dpi
Sanae50 newsletter march2011_draft2_300dpiBeatrice van Eden
 

Plus de Beatrice van Eden (19)

US learning
US learningUS learning
US learning
 
Wits presentation 4_17062015
Wits presentation 4_17062015Wits presentation 4_17062015
Wits presentation 4_17062015
 
Wits presentation 5_30062015
Wits presentation 5_30062015Wits presentation 5_30062015
Wits presentation 5_30062015
 
Wits presentation 3_02062015
Wits presentation 3_02062015Wits presentation 3_02062015
Wits presentation 3_02062015
 
Wits presentation 2_19052015
Wits presentation 2_19052015Wits presentation 2_19052015
Wits presentation 2_19052015
 
Wits presentation 1_21042015
Wits presentation 1_21042015Wits presentation 1_21042015
Wits presentation 1_21042015
 
CHAMP: a Bespoke Integrated System for Mobile Manipulation
CHAMP: a Bespoke Integrated System for Mobile ManipulationCHAMP: a Bespoke Integrated System for Mobile Manipulation
CHAMP: a Bespoke Integrated System for Mobile Manipulation
 
Machine learning group - Practical examples
Machine learning group - Practical examplesMachine learning group - Practical examples
Machine learning group - Practical examples
 
Kernal methods part2
Kernal methods part2Kernal methods part2
Kernal methods part2
 
Probability distributionv1
Probability distributionv1Probability distributionv1
Probability distributionv1
 
SANAE 50 newsletter 2011 06
SANAE 50 newsletter 2011 06 SANAE 50 newsletter 2011 06
SANAE 50 newsletter 2011 06
 
Sanae 50 may newsletter
Sanae 50 may newsletterSanae 50 may newsletter
Sanae 50 may newsletter
 
Some more greetings
Some more greetingsSome more greetings
Some more greetings
 
Photo midwinter 2011
Photo midwinter 2011Photo midwinter 2011
Photo midwinter 2011
 
Mid winter artigas uruguay
Mid winter artigas uruguayMid winter artigas uruguay
Mid winter artigas uruguay
 
Mid winter final
Mid winter finalMid winter final
Mid winter final
 
Sanae50 newsletter apr2011_final_300dpi
Sanae50 newsletter apr2011_final_300dpiSanae50 newsletter apr2011_final_300dpi
Sanae50 newsletter apr2011_final_300dpi
 
Sanae50 newsletter march2011_draft2_300dpi
Sanae50 newsletter march2011_draft2_300dpiSanae50 newsletter march2011_draft2_300dpi
Sanae50 newsletter march2011_draft2_300dpi
 
Sanae50 newsletter feb2011
Sanae50 newsletter feb2011Sanae50 newsletter feb2011
Sanae50 newsletter feb2011
 

Dernier

psychiatric nursing HISTORY COLLECTION .docx
psychiatric  nursing HISTORY  COLLECTION  .docxpsychiatric  nursing HISTORY  COLLECTION  .docx
psychiatric nursing HISTORY COLLECTION .docxPoojaSen20
 
ICT Role in 21st Century Education & its Challenges.pptx
ICT Role in 21st Century Education & its Challenges.pptxICT Role in 21st Century Education & its Challenges.pptx
ICT Role in 21st Century Education & its Challenges.pptxAreebaZafar22
 
SOC 101 Demonstration of Learning Presentation
SOC 101 Demonstration of Learning PresentationSOC 101 Demonstration of Learning Presentation
SOC 101 Demonstration of Learning Presentationcamerronhm
 
Magic bus Group work1and 2 (Team 3).pptx
Magic bus Group work1and 2 (Team 3).pptxMagic bus Group work1and 2 (Team 3).pptx
Magic bus Group work1and 2 (Team 3).pptxdhanalakshmis0310
 
The basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptxThe basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptxheathfieldcps1
 
Key note speaker Neum_Admir Softic_ENG.pdf
Key note speaker Neum_Admir Softic_ENG.pdfKey note speaker Neum_Admir Softic_ENG.pdf
Key note speaker Neum_Admir Softic_ENG.pdfAdmir Softic
 
ComPTIA Overview | Comptia Security+ Book SY0-701
ComPTIA Overview | Comptia Security+ Book SY0-701ComPTIA Overview | Comptia Security+ Book SY0-701
ComPTIA Overview | Comptia Security+ Book SY0-701bronxfugly43
 
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...ZurliaSoop
 
Understanding Accommodations and Modifications
Understanding  Accommodations and ModificationsUnderstanding  Accommodations and Modifications
Understanding Accommodations and ModificationsMJDuyan
 
Application orientated numerical on hev.ppt
Application orientated numerical on hev.pptApplication orientated numerical on hev.ppt
Application orientated numerical on hev.pptRamjanShidvankar
 
Third Battle of Panipat detailed notes.pptx
Third Battle of Panipat detailed notes.pptxThird Battle of Panipat detailed notes.pptx
Third Battle of Panipat detailed notes.pptxAmita Gupta
 
TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...
TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...
TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...Nguyen Thanh Tu Collection
 
Activity 01 - Artificial Culture (1).pdf
Activity 01 - Artificial Culture (1).pdfActivity 01 - Artificial Culture (1).pdf
Activity 01 - Artificial Culture (1).pdfciinovamais
 
Introduction to Nonprofit Accounting: The Basics
Introduction to Nonprofit Accounting: The BasicsIntroduction to Nonprofit Accounting: The Basics
Introduction to Nonprofit Accounting: The BasicsTechSoup
 
Mixin Classes in Odoo 17 How to Extend Models Using Mixin Classes
Mixin Classes in Odoo 17  How to Extend Models Using Mixin ClassesMixin Classes in Odoo 17  How to Extend Models Using Mixin Classes
Mixin Classes in Odoo 17 How to Extend Models Using Mixin ClassesCeline George
 
SKILL OF INTRODUCING THE LESSON MICRO SKILLS.pptx
SKILL OF INTRODUCING THE LESSON MICRO SKILLS.pptxSKILL OF INTRODUCING THE LESSON MICRO SKILLS.pptx
SKILL OF INTRODUCING THE LESSON MICRO SKILLS.pptxAmanpreet Kaur
 
Sociology 101 Demonstration of Learning Exhibit
Sociology 101 Demonstration of Learning ExhibitSociology 101 Demonstration of Learning Exhibit
Sociology 101 Demonstration of Learning Exhibitjbellavia9
 
This PowerPoint helps students to consider the concept of infinity.
This PowerPoint helps students to consider the concept of infinity.This PowerPoint helps students to consider the concept of infinity.
This PowerPoint helps students to consider the concept of infinity.christianmathematics
 
Seal of Good Local Governance (SGLG) 2024Final.pptx
Seal of Good Local Governance (SGLG) 2024Final.pptxSeal of Good Local Governance (SGLG) 2024Final.pptx
Seal of Good Local Governance (SGLG) 2024Final.pptxnegromaestrong
 

Dernier (20)

psychiatric nursing HISTORY COLLECTION .docx
psychiatric  nursing HISTORY  COLLECTION  .docxpsychiatric  nursing HISTORY  COLLECTION  .docx
psychiatric nursing HISTORY COLLECTION .docx
 
ICT Role in 21st Century Education & its Challenges.pptx
ICT Role in 21st Century Education & its Challenges.pptxICT Role in 21st Century Education & its Challenges.pptx
ICT Role in 21st Century Education & its Challenges.pptx
 
SOC 101 Demonstration of Learning Presentation
SOC 101 Demonstration of Learning PresentationSOC 101 Demonstration of Learning Presentation
SOC 101 Demonstration of Learning Presentation
 
Magic bus Group work1and 2 (Team 3).pptx
Magic bus Group work1and 2 (Team 3).pptxMagic bus Group work1and 2 (Team 3).pptx
Magic bus Group work1and 2 (Team 3).pptx
 
The basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptxThe basics of sentences session 3pptx.pptx
The basics of sentences session 3pptx.pptx
 
Key note speaker Neum_Admir Softic_ENG.pdf
Key note speaker Neum_Admir Softic_ENG.pdfKey note speaker Neum_Admir Softic_ENG.pdf
Key note speaker Neum_Admir Softic_ENG.pdf
 
ComPTIA Overview | Comptia Security+ Book SY0-701
ComPTIA Overview | Comptia Security+ Book SY0-701ComPTIA Overview | Comptia Security+ Book SY0-701
ComPTIA Overview | Comptia Security+ Book SY0-701
 
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Hongkong ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
 
Understanding Accommodations and Modifications
Understanding  Accommodations and ModificationsUnderstanding  Accommodations and Modifications
Understanding Accommodations and Modifications
 
Application orientated numerical on hev.ppt
Application orientated numerical on hev.pptApplication orientated numerical on hev.ppt
Application orientated numerical on hev.ppt
 
Third Battle of Panipat detailed notes.pptx
Third Battle of Panipat detailed notes.pptxThird Battle of Panipat detailed notes.pptx
Third Battle of Panipat detailed notes.pptx
 
TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...
TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...
TỔNG ÔN TẬP THI VÀO LỚP 10 MÔN TIẾNG ANH NĂM HỌC 2023 - 2024 CÓ ĐÁP ÁN (NGỮ Â...
 
Activity 01 - Artificial Culture (1).pdf
Activity 01 - Artificial Culture (1).pdfActivity 01 - Artificial Culture (1).pdf
Activity 01 - Artificial Culture (1).pdf
 
Introduction to Nonprofit Accounting: The Basics
Introduction to Nonprofit Accounting: The BasicsIntroduction to Nonprofit Accounting: The Basics
Introduction to Nonprofit Accounting: The Basics
 
Asian American Pacific Islander Month DDSD 2024.pptx
Asian American Pacific Islander Month DDSD 2024.pptxAsian American Pacific Islander Month DDSD 2024.pptx
Asian American Pacific Islander Month DDSD 2024.pptx
 
Mixin Classes in Odoo 17 How to Extend Models Using Mixin Classes
Mixin Classes in Odoo 17  How to Extend Models Using Mixin ClassesMixin Classes in Odoo 17  How to Extend Models Using Mixin Classes
Mixin Classes in Odoo 17 How to Extend Models Using Mixin Classes
 
SKILL OF INTRODUCING THE LESSON MICRO SKILLS.pptx
SKILL OF INTRODUCING THE LESSON MICRO SKILLS.pptxSKILL OF INTRODUCING THE LESSON MICRO SKILLS.pptx
SKILL OF INTRODUCING THE LESSON MICRO SKILLS.pptx
 
Sociology 101 Demonstration of Learning Exhibit
Sociology 101 Demonstration of Learning ExhibitSociology 101 Demonstration of Learning Exhibit
Sociology 101 Demonstration of Learning Exhibit
 
This PowerPoint helps students to consider the concept of infinity.
This PowerPoint helps students to consider the concept of infinity.This PowerPoint helps students to consider the concept of infinity.
This PowerPoint helps students to consider the concept of infinity.
 
Seal of Good Local Governance (SGLG) 2024Final.pptx
Seal of Good Local Governance (SGLG) 2024Final.pptxSeal of Good Local Governance (SGLG) 2024Final.pptx
Seal of Good Local Governance (SGLG) 2024Final.pptx
 

Wits presentation 6_28072015

  • 1. Object Recognition Tutorial Beatrice van Eden - Part time PhD Student at the University of the Witwatersrand. - Fulltime employee of the Council for Scientific and Industrial Research.
  • 2. Research Problem • Hierarchical concept formation • This research will allow a robot to learn about its environment autonomously • Build a concept about these environments • Even if it has not seen that specific instance previously
  • 3. Why Object Recognition • Environments are build up by different objects • RGB-D Sensor for perception • Concept formation need some base line to work from • Exposure to ML techniques • Cascading classifiers • Convolutional Neural Networks • Support Vector Machine
  • 4. Index: Cascading Classifiers • Cascading classifiers • Haar-like features • Local binary patterns • Implementation • Results
  • 5. Cascading classifiers • Cascading is a particular case of ensemble learning based on the concatenation of several classifiers, using all information collected from the output from a given classifier as additional information for the next classifier in the cascade.
  • 6. Haar-like features • The difference of the sum of pixels of areas inside the rectangle • The values indicate certain characteristics of a particular area of the image.
  • 7. Haar-like features • The Viola-Jones detector is a strong, binary classifier build of several weak detectors • Does a certain sub-region of the original image contain an instance of the object of interest or not
  • 8. Local binary patterns • Divide the examined window into cells (e.g. 16x16 pixels for each cell). • For each pixel in a cell, compare the pixel to each of its 8 neighbours (on its left-top, left-middle, left-bottom, right-top, etc.). Follow the pixels along a circle, i.e. clockwise or counter- clockwise. • Where the centre pixel's value is greater than the neighbour's value, write "1". Otherwise, write "0". This gives an 8-digit binary number. • Compute the histogram, over the cell, of the frequency of each "number" occurring. • Optionally normalize the histogram. • Concatenate (normalized) histograms of all cells. This gives the feature vector for the window.
  • 9. Local binary patterns • a Powerful feature for texture classification • LBP is faster but less accurate than Haar. • LBP does all the calculations in integers. Haar uses floats. • LBP few hours of training Haar few days
  • 10. Implementation • SAMPLES - How many images do we need? • Depend on a variety of factors, including the quality of the images, the object you want to recognize, the method to generate the samples, the CPU power you have and probably some magic. • Positive images 50 -> 1500, list in .txt file. • Negative images 1500, list in .txt file.
  • 11. Implementation • Create samples with OpenCV, generates a large number of positive samples from our positive images, by applying transformations and distortions. Used a Perl script to combine positive image with negative image • *.vec file are created, merge them into one • opencv_haartraining and opencv_traincascade. opencv_traincascade supports both Haar [Viola2001] and LBP [Liao2007] (Local Binary Patterns) features.
  • 13. Implementation • http://coding-robin.de/2013/07/22/train-your-own-opencv- haar-classifier.html • Video LBP – Coke Can • Video Haar – Coke Can • Video LBP – Face recognition • Choose amount of stages to train
  • 14. Results • To be generated – working on confusion matrix •
  • 15. Index: CNN • Convolutional Neural Networks • Example • Overview and Intuition • Implementation • Results
  • 16. Convolutional Neural Networks • Neural network vs. Convolutional neural network • Layers used to build ConvNets • Convolutional Layer, Pooling Layer, and Fully-Connected Layer (exactly as seen in regular Neural Networks).
  • 17. Example • Input: • Image: width 32, height 32, three colour channels. • CONV layer: • Local filter over previous layer • Dot product between weights and sliding region in the input volume. [32x32x12] • RELU layer: • Apply an elementwise activation function, such as the max(0,x) thresholding at zero. This leaves the size of the volume unchanged. • POOL layer: • Down sampling operation along the spatial dimensions (width, height). [16x16x12] • FC layer: • Compute the class scores. As with ordinary Neural Networks each neuron in this layer will be connected to all the numbers in the previous volume.
  • 18. Convolutional Neural Networks • CNN is a type of feed-forward artificial neural network where the individual neurons are tiled in such a way that they respond to overlapping regions in the visual field.
  • 19. Overview and Intuition • CONV layer's parameters consist of a set of learnable filters • Every filter is small spatially (along width and height), but extends through the full depth of the input volume • As we slide the filter, across the input, we are computing the dot product between the entries of the filter and the input • Intuitively, the network will learn filters that activate when they see some specific type of feature at some spatial position in the input • Stacking these activation maps for all filters along the depth dimension forms the full output volume
  • 20. Convolutional Neural Networks • Three hyperparameters control the size of the output volume: the depth, stride and zero-padding • Depth of the output volume is a hyperparameter that we can pick. It controls the number of neurons in the Conv layer that connect to the same region of the input volume. • We specify the stride with which we allocate depth columns around the spatial dimensions (width and height). • Zero padding allow us to control the spatial size of the output volumes. Example filters learned
  • 21. Implementation http://danielnouri.org/notes/2014/12/17/using-convolutional-neural-nets-to-detect-facial-keypoints-tutorial/#the-data • Lasagne, a library for building neural networks with Python and Theano. • CPU vs. CUDA-capable GPU • Ran the MNIST example (Recognise 0-9 digits). • Facial key point • Data available as *.csv files. Load training and test data. • Video CNN – Coke Can • Video CNN – Coke Can The predictions of net1 on the left compared to the predictions of net2.
  • 22. Results • To be generated – working on confusion matrix •
  • 23. Index: SVM • Support Vector Machine • Histogram of Oriented Gradients • Implementation • Results
  • 24. Support Vector Machine • Given a set of training examples, each marked for belonging to one of two categories, an SVM training algorithm builds a model that assigns new examples into one category or the other.
  • 25. What is the goal of the Support Vector Machine (SVM)? • The goal of a support vector machine is to find the optimal separating hyperplane which maximizes the margin of the training data.
  • 26. Histogram of Oriented Gradients • The technique counts occurrences of gradient orientation in localized portions of an image • The descriptor is made up of M*N cells covering the image window in a grid. • Each cell is represented by a histogram of edge orientations, where the number of discretized edge orientations is a parameter (usually 9). • The cell histogram is visualized by a 'star' showing the strength of the edge orientations in the histogram: the stronger a specific orientation, the longer it is relative to the others.
  • 27. • Note that there are various normalization schemes: • Local schemes, in which the cell in normalized with respect to neighboring cells only [Dalal-Triggs] • Global schemes, in which the orientation length is normalized by all the cells • Also note that some authors use multiple local normalizations per cell Histogram of Oriented Gradients The example below shows a model of a bike (from Felzenszwalb et al.) with HoG consisting of 7*11 cells, each with 8 orientations
  • 28. • (a) Test image • (b) Gradient image of the test image • (c) Orientation and magnitude of Gradient in each cell • (d) HoG of cells • (e) Average gradient image over the training example • (f) Weights of positive SVM in the block • (g) HoG descriptor weighted by the positive SVM weights Histogram of Oriented Gradients
  • 31. Results • To be generated – working on confusion matrix
  • 32. Conclusion • Cascading classifiers • Convolutional Neural Networks • Support Vector Machine