SlideShare a Scribd company logo
1 of 29
Download to read offline
Image Classification with
Deep Neural Networks
Yogendra Tamang
Sabin Devkota
Presented By:
February 6, 2016
ImageNet Classification with Deep Convolutional Neural Networks
A. Krizhevsky, I. Sutskever, G. Hinton
#pwlnepal
PWL Kathmandu
Papers We Love
Kathmandu
Outline
Background
Image Classification
Activation Functions
Convolution Neural Networks
Other Issues
Techniques used in other papers
And So on…
Background
Learning
Supervised
Unsupervised
AI Tasks
Classification and Regression
Clustering
Machine Learning Problem
Supervised
Regression
Classfication
Unsupervised
Clustering
Background
Classification
 Classifies data into one of discrete classes
 Eg. Classifying digits
 Cost Function for Classification Task may be Logistic Regression or Log-likelihood
Regression
 Predicts continuous real valued output
 Eg. Stock Price Predictions
 Cost function for regression type problem are MSE(Mean Squared Error)
Introduction
• Input Image is array of
number for computer
• Assign a label to input image
from set of categories
• One of core problems in
computer vision
Neural Networks and Multilayer Perceptrons
Neural Networks and Multi Layer Perceptrons
“activation” of unit in layer
matrix of weights controlling
function mapping from layer to
layer
They use Activation Functions.
ReLU Activation
non-saturating non-linearity
While training with Gradient
Descent these are faster than
saturating non-linearities like
sigmoid and tanh functions.
Convolutional Neural Networks
• Replicated feature approach
• Local Connectivity:
Receptive fields(RFs)
• Shared Weights:
Apply filter to image.
• Pooling:
subsampling layers
Convolutional Neural Networks
One or more convolutional layer
Followed by one or more fully connected layer
Resulting in easy to train networks with many fewer
parameters.
Convolution Layers
Pooling Layer
Convolution Layer
Basic Architecture
Learning a Classifier
Gradient Descent Algorithm
 Calculate Cost Function or Lost Function J(s)
 Calculate Gradient 𝜕𝐽(w)/𝜕w
 Update Weights
Stochastic Gradient Descent: Updates Adjust after example.
Mini-batch SGD: Updates after batches.
We do not use Squared Error measure for training instead we use Softmax
Function for output
Right cost function is Negative Log Likelihood.
Learning a Classifier- Negative Log
likelihood
𝑁𝐿𝐿 𝜃, 𝒟 = −
𝑖=0
|𝒟|
log 𝑃(𝑌 = 𝑦(𝑖)|𝑥 𝑖 , 𝜃)
Where 𝒟 is Dataset
𝜃 is weight parameter
(𝑥 𝑖
, 𝑦 𝑖
) is ith training data. Y is target data.
Overfitting
When the number of training
examples are small and the
architecture is deep, the network
performs well on training data but
worse on test data. i.e. it overfits.
Overfitting Mitigation
Data Augmentation :
Artificially creating more data samples from existing data through various
transformation of images (i.e. rotation, reflection, skewing etc.) and/or dividing
images into small patches and averaging all their predictions.
Applying PCA to the training examples to find out principal components which
correspond to intensity and color of the illumination. Creating artificial data by
adding randomly scaled eigen vectors to the training examples.
𝐼𝑥𝑦𝑅, 𝐼𝑥𝑦𝐺, 𝐼𝑥𝑦𝐵 𝑇 = 𝒑𝟏, 𝒑𝟐, 𝒑𝟑 [𝛼1𝜆1, 𝛼2𝜆2, 𝛼3𝜆3]𝑇
Dropout:
Dropout
Technique to reduce overfitting
Dropout prevents complex co-adaptation on the
training data.
Randomly omit each hidden unit with probability
0.5 and
Its like randomly sampling from 2^H
Architectures, H is number of units in a hidden
layer
Efficient way to average many larger neural nets
ImageNet classification with Deep CNN
Improvement increases with larger datasets
Need model with large learning capacity
CNN’s capacity can be controlled with depth and breadth
Best results in ILSVRC-2010, 2012
CNN Architecture Design
5 Convolution Layers
3 Full Connection Layers
Last output is 1000 way
Training on Multiple GPUs
Current GPU more suited to cross-GPU Parallelization
Putting half of neurons on each GPUs and allowing them to communicate only in
certain layers
Choosing the connectivity is done by cross validation
Local Response Normalization
Activity of neuron i at position (x, y) is normalized to simulate lateral inhibition
inspired by real neurons.
Datasets
ILSVRC started as part of Pascal Visual Object challenge on 2010
1.2 Million training images, 50K validation Images and 150K testing images.
ILSVRC uses 1000 Images for each of 1000 categories.
Two error measures top-1 error, top-5 error.
Top-5 error fraction of test images for which correct label is not among the best 5
results predicted from the model.
Visualization of Learned feature
Tools used for overfitting
Data Augmentation
Dropout
Results
References
[1] A. Krizhevsky, I. Sutskever and G. E. Hinton, "ImageNet Classification with Deep Convolutional Neural
Networks," 2012.
[2] S. Tara, Brian Kingsbury, A.-r. Mohamed and B. Ramabhadran, "Learning Filter Banks within a Deep Neural
Network Framework," in IEEE, 2013.
[3] A. Graves, A.-r. Mohamed and G. Hinton, "Speech Recognition with Deep Recurrent Neural Networks,"
University of Toronto.
[4] A. Graves, "Generating Sequences with Recurrent Neural Networks," arXiv, 2014.
[5] Q. V. Oriol Vinyals, "A Neural Conversational Model," arXiv, 2015.
[6] R. Grishick, J. Donahue, T. Darrel and J. Mallik, "Rich Features Hierarchies for accurate object detection and
semantic segmentation.," UC Berkeley.
[7] A. Karpathy, "CS231n Convolutional Neural Networks for Visual Recognition," Stanford University, [Online].
Available: http://cs231n.github.io/convolutional-networks/.
[8] I. Sutskever, "Training Recurrent Neural Networks," University of Toronto, 2013.
[9] "Convolutional Neural Networks (LeNet)," [Online]. Available: http://deeplearning.net/tutorial/lenet.html.
[10] C. Eugenio, A. Dundar, J. Jin and J. Bates, "An Analysis of the Connections Between Layers of Deep Neural
Networks," arXiv, 2013.
References
[11] M. D. Zeiler and F. Rob, "Visualizing and Understanding Convolutional Networks," arXiv, 2013.
[12] G. Hinton, N. Srivastava, A. Karpathy, I. Sutskever and R. Salakhutdinov, Improving Neural Networks
by preventing co-adaptation of feature detectors, Totonto: arXiv, 2012.
[13] L. Fie-Fie. and A. Karpathy, "Deep Visual Alignment for Generating Image Descriptions,"
Standford University, 2014.
[14] O. Vinyals, A. Toshev., S. Bengio and D. Erthan, "Show and Tell: A Neural Image Caption
Generator.," Google Inc., 2014.
[15] J. M. G. H. IIya Sutskever, "Generating Text with Recurrent Neural Networks," in 28th International
Conference on Machine Learning, Bellevue, 2011.
[16] "Theano," [Online]. Available: http://deeplearning.net/software/theano/index.html. [Accessed 27
10 2015].
[17] "What is GPU Computing ?," NVIDIA, [Online]. Available: http://www.nvidia.com/object/what-is-
gpu-computing.html. [Accessed 27 12 2015].
[18] "GeForce 820M|Specifications," NVIDIA, [Online]. Available:
http://www.geforce.com/hardware/notebook-gpus/geforce-820m/specifications. [Accessed 28
10 2015].

More Related Content

Similar to imageclassification-160206090009.pdf

Scene recognition using Convolutional Neural Network
Scene recognition using Convolutional Neural NetworkScene recognition using Convolutional Neural Network
Scene recognition using Convolutional Neural NetworkDhirajGidde
 
Image Captioning Generator using Deep Machine Learning
Image Captioning Generator using Deep Machine LearningImage Captioning Generator using Deep Machine Learning
Image Captioning Generator using Deep Machine Learningijtsrd
 
Devanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural NetworkDevanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural NetworkIRJET Journal
 
X trepan an extended trepan for
X trepan an extended trepan forX trepan an extended trepan for
X trepan an extended trepan forijaia
 
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural Network
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural NetworkTargeted Visual Content Recognition Using Multi-Layer Perceptron Neural Network
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural Networkijceronline
 
Plant Disease Detection.pptx
Plant Disease Detection.pptxPlant Disease Detection.pptx
Plant Disease Detection.pptxvikasmittal92
 
Course Title CS591-Advance Artificial Intelligence
Course Title CS591-Advance Artificial Intelligence           Course Title CS591-Advance Artificial Intelligence
Course Title CS591-Advance Artificial Intelligence CruzIbarra161
 
Image Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkImage Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkAIRCC Publishing Corporation
 
Image Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkImage Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkAIRCC Publishing Corporation
 
Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Julien SIMON
 
最近の研究情勢についていくために - Deep Learningを中心に -
最近の研究情勢についていくために - Deep Learningを中心に - 最近の研究情勢についていくために - Deep Learningを中心に -
最近の研究情勢についていくために - Deep Learningを中心に - Hiroshi Fukui
 
International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)ijceronline
 
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdf
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdfCCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdf
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdfAsst.prof M.Gokilavani
 
ImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural NetworksImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural NetworksWilly Marroquin (WillyDevNET)
 
IRJET- Machine Learning based Object Identification System using Python
IRJET- Machine Learning based Object Identification System using PythonIRJET- Machine Learning based Object Identification System using Python
IRJET- Machine Learning based Object Identification System using PythonIRJET Journal
 
Comparison Between Levenberg-Marquardt And Scaled Conjugate Gradient Training...
Comparison Between Levenberg-Marquardt And Scaled Conjugate Gradient Training...Comparison Between Levenberg-Marquardt And Scaled Conjugate Gradient Training...
Comparison Between Levenberg-Marquardt And Scaled Conjugate Gradient Training...CSCJournals
 
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHES
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHESIMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHES
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHESVikash Kumar
 

Similar to imageclassification-160206090009.pdf (20)

Scene recognition using Convolutional Neural Network
Scene recognition using Convolutional Neural NetworkScene recognition using Convolutional Neural Network
Scene recognition using Convolutional Neural Network
 
Image Captioning Generator using Deep Machine Learning
Image Captioning Generator using Deep Machine LearningImage Captioning Generator using Deep Machine Learning
Image Captioning Generator using Deep Machine Learning
 
238 243
238 243238 243
238 243
 
238 243
238 243238 243
238 243
 
Devanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural NetworkDevanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural Network
 
X trepan an extended trepan for
X trepan an extended trepan forX trepan an extended trepan for
X trepan an extended trepan for
 
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural Network
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural NetworkTargeted Visual Content Recognition Using Multi-Layer Perceptron Neural Network
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural Network
 
Plant Disease Detection.pptx
Plant Disease Detection.pptxPlant Disease Detection.pptx
Plant Disease Detection.pptx
 
Course Title CS591-Advance Artificial Intelligence
Course Title CS591-Advance Artificial Intelligence           Course Title CS591-Advance Artificial Intelligence
Course Title CS591-Advance Artificial Intelligence
 
Image Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkImage Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural Network
 
Image Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkImage Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural Network
 
Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)
 
最近の研究情勢についていくために - Deep Learningを中心に -
最近の研究情勢についていくために - Deep Learningを中心に - 最近の研究情勢についていくために - Deep Learningを中心に -
最近の研究情勢についていくために - Deep Learningを中心に -
 
International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)
 
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdf
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdfCCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdf
CCS355 Neural Networks & Deep Learning Unit 1 PDF notes with Question bank .pdf
 
ImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural NetworksImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural Networks
 
IRJET- Machine Learning based Object Identification System using Python
IRJET- Machine Learning based Object Identification System using PythonIRJET- Machine Learning based Object Identification System using Python
IRJET- Machine Learning based Object Identification System using Python
 
Comparison Between Levenberg-Marquardt And Scaled Conjugate Gradient Training...
Comparison Between Levenberg-Marquardt And Scaled Conjugate Gradient Training...Comparison Between Levenberg-Marquardt And Scaled Conjugate Gradient Training...
Comparison Between Levenberg-Marquardt And Scaled Conjugate Gradient Training...
 
Mnist report ppt
Mnist report pptMnist report ppt
Mnist report ppt
 
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHES
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHESIMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHES
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHES
 

Recently uploaded

APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSKurinjimalarL3
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Dr.Costas Sachpazis
 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Dr.Costas Sachpazis
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Serviceranjana rawat
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxpurnimasatapathy1234
 
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)Suman Mia
 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...ranjana rawat
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSSIVASHANKAR N
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVRajaP95
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingrakeshbaidya232001
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINESIVASHANKAR N
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations120cr0395
 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...ranjana rawat
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxupamatechverse
 
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSHARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSRajkumarAkumalla
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxwendy cai
 

Recently uploaded (20)

APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
 
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINEDJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
 
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptx
 
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCRCall Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
 
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writing
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
 
Roadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and RoutesRoadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and Routes
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations
 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptx
 
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSHARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptx
 

imageclassification-160206090009.pdf

  • 1. Image Classification with Deep Neural Networks Yogendra Tamang Sabin Devkota Presented By: February 6, 2016 ImageNet Classification with Deep Convolutional Neural Networks A. Krizhevsky, I. Sutskever, G. Hinton #pwlnepal PWL Kathmandu Papers We Love Kathmandu
  • 2. Outline Background Image Classification Activation Functions Convolution Neural Networks Other Issues Techniques used in other papers And So on…
  • 3. Background Learning Supervised Unsupervised AI Tasks Classification and Regression Clustering Machine Learning Problem Supervised Regression Classfication Unsupervised Clustering
  • 4. Background Classification  Classifies data into one of discrete classes  Eg. Classifying digits  Cost Function for Classification Task may be Logistic Regression or Log-likelihood Regression  Predicts continuous real valued output  Eg. Stock Price Predictions  Cost function for regression type problem are MSE(Mean Squared Error)
  • 5. Introduction • Input Image is array of number for computer • Assign a label to input image from set of categories • One of core problems in computer vision
  • 6. Neural Networks and Multilayer Perceptrons
  • 7. Neural Networks and Multi Layer Perceptrons “activation” of unit in layer matrix of weights controlling function mapping from layer to layer They use Activation Functions.
  • 8. ReLU Activation non-saturating non-linearity While training with Gradient Descent these are faster than saturating non-linearities like sigmoid and tanh functions.
  • 9. Convolutional Neural Networks • Replicated feature approach • Local Connectivity: Receptive fields(RFs) • Shared Weights: Apply filter to image. • Pooling: subsampling layers
  • 10. Convolutional Neural Networks One or more convolutional layer Followed by one or more fully connected layer Resulting in easy to train networks with many fewer parameters.
  • 15. Learning a Classifier Gradient Descent Algorithm  Calculate Cost Function or Lost Function J(s)  Calculate Gradient 𝜕𝐽(w)/𝜕w  Update Weights Stochastic Gradient Descent: Updates Adjust after example. Mini-batch SGD: Updates after batches. We do not use Squared Error measure for training instead we use Softmax Function for output Right cost function is Negative Log Likelihood.
  • 16. Learning a Classifier- Negative Log likelihood 𝑁𝐿𝐿 𝜃, 𝒟 = − 𝑖=0 |𝒟| log 𝑃(𝑌 = 𝑦(𝑖)|𝑥 𝑖 , 𝜃) Where 𝒟 is Dataset 𝜃 is weight parameter (𝑥 𝑖 , 𝑦 𝑖 ) is ith training data. Y is target data.
  • 17. Overfitting When the number of training examples are small and the architecture is deep, the network performs well on training data but worse on test data. i.e. it overfits.
  • 18. Overfitting Mitigation Data Augmentation : Artificially creating more data samples from existing data through various transformation of images (i.e. rotation, reflection, skewing etc.) and/or dividing images into small patches and averaging all their predictions. Applying PCA to the training examples to find out principal components which correspond to intensity and color of the illumination. Creating artificial data by adding randomly scaled eigen vectors to the training examples. 𝐼𝑥𝑦𝑅, 𝐼𝑥𝑦𝐺, 𝐼𝑥𝑦𝐵 𝑇 = 𝒑𝟏, 𝒑𝟐, 𝒑𝟑 [𝛼1𝜆1, 𝛼2𝜆2, 𝛼3𝜆3]𝑇 Dropout:
  • 19. Dropout Technique to reduce overfitting Dropout prevents complex co-adaptation on the training data. Randomly omit each hidden unit with probability 0.5 and Its like randomly sampling from 2^H Architectures, H is number of units in a hidden layer Efficient way to average many larger neural nets
  • 20. ImageNet classification with Deep CNN Improvement increases with larger datasets Need model with large learning capacity CNN’s capacity can be controlled with depth and breadth Best results in ILSVRC-2010, 2012
  • 21. CNN Architecture Design 5 Convolution Layers 3 Full Connection Layers Last output is 1000 way
  • 22. Training on Multiple GPUs Current GPU more suited to cross-GPU Parallelization Putting half of neurons on each GPUs and allowing them to communicate only in certain layers Choosing the connectivity is done by cross validation
  • 23. Local Response Normalization Activity of neuron i at position (x, y) is normalized to simulate lateral inhibition inspired by real neurons.
  • 24. Datasets ILSVRC started as part of Pascal Visual Object challenge on 2010 1.2 Million training images, 50K validation Images and 150K testing images. ILSVRC uses 1000 Images for each of 1000 categories. Two error measures top-1 error, top-5 error. Top-5 error fraction of test images for which correct label is not among the best 5 results predicted from the model.
  • 26. Tools used for overfitting Data Augmentation Dropout
  • 28. References [1] A. Krizhevsky, I. Sutskever and G. E. Hinton, "ImageNet Classification with Deep Convolutional Neural Networks," 2012. [2] S. Tara, Brian Kingsbury, A.-r. Mohamed and B. Ramabhadran, "Learning Filter Banks within a Deep Neural Network Framework," in IEEE, 2013. [3] A. Graves, A.-r. Mohamed and G. Hinton, "Speech Recognition with Deep Recurrent Neural Networks," University of Toronto. [4] A. Graves, "Generating Sequences with Recurrent Neural Networks," arXiv, 2014. [5] Q. V. Oriol Vinyals, "A Neural Conversational Model," arXiv, 2015. [6] R. Grishick, J. Donahue, T. Darrel and J. Mallik, "Rich Features Hierarchies for accurate object detection and semantic segmentation.," UC Berkeley. [7] A. Karpathy, "CS231n Convolutional Neural Networks for Visual Recognition," Stanford University, [Online]. Available: http://cs231n.github.io/convolutional-networks/. [8] I. Sutskever, "Training Recurrent Neural Networks," University of Toronto, 2013. [9] "Convolutional Neural Networks (LeNet)," [Online]. Available: http://deeplearning.net/tutorial/lenet.html. [10] C. Eugenio, A. Dundar, J. Jin and J. Bates, "An Analysis of the Connections Between Layers of Deep Neural Networks," arXiv, 2013.
  • 29. References [11] M. D. Zeiler and F. Rob, "Visualizing and Understanding Convolutional Networks," arXiv, 2013. [12] G. Hinton, N. Srivastava, A. Karpathy, I. Sutskever and R. Salakhutdinov, Improving Neural Networks by preventing co-adaptation of feature detectors, Totonto: arXiv, 2012. [13] L. Fie-Fie. and A. Karpathy, "Deep Visual Alignment for Generating Image Descriptions," Standford University, 2014. [14] O. Vinyals, A. Toshev., S. Bengio and D. Erthan, "Show and Tell: A Neural Image Caption Generator.," Google Inc., 2014. [15] J. M. G. H. IIya Sutskever, "Generating Text with Recurrent Neural Networks," in 28th International Conference on Machine Learning, Bellevue, 2011. [16] "Theano," [Online]. Available: http://deeplearning.net/software/theano/index.html. [Accessed 27 10 2015]. [17] "What is GPU Computing ?," NVIDIA, [Online]. Available: http://www.nvidia.com/object/what-is- gpu-computing.html. [Accessed 27 12 2015]. [18] "GeForce 820M|Specifications," NVIDIA, [Online]. Available: http://www.geforce.com/hardware/notebook-gpus/geforce-820m/specifications. [Accessed 28 10 2015].