SlideShare a Scribd company logo
1
Guided By : Mr. MANOJ M
ASSISTANT PROFESSOR
COMPUTER SCIENCE
Presented By : ABDUL MANAF
KIRAN R
PIOUS PAUL
VISHNU P.S
IMAGE CLASSIFICATION USING
CONVOLUTIONAL NEURAL
NETWORK
B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
2
 Image classification model using a convolutional neural network with
Tensor Flow.
 A multi-category image data set has been considered for the
classification.
 The classifier train this proposed classifier to calculate the decision
boundary of the image dataset.
 The data in the real world is mostly in the form of unlabeled and
unstructured format. These unstructured images are need to be
classified .
 Thus CNN is introduced for image classification.
ABSTRACT
B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
3
OBJECTIVE
 To classify the images according to the category which belong from a
large set of different images from different categories .
 Sort the image in separate folders according to their names.
B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
4
 Image classification plays an important role in computer vision, it has a
very important significance in our study, work and life.[4]
 Image classification is process including image preprocessing, image
segmentation, key feature extraction and matching identification.
 With the latest figures image classification techniques, we not only get
the picture information faster than before, we apply it to scientific
experiments.
INTRODUCTION
B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
[4] Krizhevsky A, Sutskever I, Hinton G E. ImageNet Classification with Deep Convolutional Neural Networks[J]. Advances in Neural Information
Processing Systems, 2012, 25(2):2012.
5
[10] Xavier Mu ̃nozComputer Vision GroupUniversity of Gironaxmunoz@eia.udg.es, Anna BoschComputer Vision
GroupUniversity of Gironaaboschr@eia.udg.es,Image Classification using Random Forests and Ferns.
 Image classification using SUPPORT VECTOR MACHINE ,
RANDOM FOREST algorithm which is available on online
platforms.[10]
• These algorithms are highly complicated and time consuming for
processing and classifying images.
• Several key parameters should be correctly set to achieve best
classification result.
Existing system
B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
PROPOSED SYSTEM
Thursday, June 13, 2019 6
 An image classifier using convolutional neural network,which use
CIFAR-10 dataset for image classification.
 Classifies the images with more accuracy.
 Classifies and save the images in separate folders according to the class
it goes.
B.Tech Bachelors Research project : 2015-2019
7
LITERATURE REVIEW
DEEP LEARNING AND IMAGE CLASSIFICATION
 Deep learning is part of a broader family of machine learning methods
based on the layers used in artificial neural networks.[4]
.
B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
[4] Krizhevsky A, Sutskever I, Hinton G E. ImageNet Classification with Deep Convolutional Neural Networks[J]. Advances in Neural Information
Processing Systems, 2012, 25(2):2012.
8
LITERATURE REVIEW
Convolutional neural network
 Convolutional neural network is one of the main categories to do images
recognition, images classifications. Objects detections, recognition faces etc.[6]
 It has 5 layers.
1. Input layer
2. Convolutional layer
3. Pooling layer
4. Fully connected layer.
5. Output layer.
B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
[6] N. Kalchbrenner, E. Grefenstette, and P. Blunsom, “A convolutional neural network for modelling sentences,” arXiv preprint
arXiv:1404.2188, 2014.
9
LITERATURE REVIEW
CNN TRAINING
 A part of data set is given to the training process of the network [11].
 Training process is the state at which the network is learning the
training data.
 The training data set is used to train the network. After completing
training a model is created.
[11] Image Classification via Support Vector Machine Xiaowu Sun1, Lizhen Liu1, Hanshi Wang1, Wei Song1, Jingli Lu2 1 Information
and Engineering College, Capital Normal University, Beijing 100048, P. R. China 2 Agresearch Ltd, New Zealand
B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
10
LITERATURE REVIEW
EPOCH
 An epoch is one complete presentation of the data set to be learned to a
learning machine.[11]
B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
[11] Image Classification via Support Vector Machine Xiaowu Sun1, Lizhen Liu1, Hanshi Wang1, Wei Song1, Jingli Lu2 1 Information and
Engineering College, Capital Normal University, Beijing 100048, P. R. China 2 Agresearch Ltd, New Zealand
11
LITERATURE REVIEW
CNN MODEL
 A model is generated after the training of the CNN[11].
 A pre-trained model is a model that was trained on a large benchmark
dataset to solve a problem similar to the one that we want to solve.
B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
[11] Image Classification via Support Vector Machine Xiaowu Sun1, Lizhen Liu1, Hanshi Wang1, Wei Song1, Jingli Lu2 1 Information and
Engineering College, Capital Normal University, Beijing 100048, P. R. China 2 Agresearch Ltd, New Zealand
12
LITERATURE REVIEW
CNN TESTING
 In this stage the performance of the network is measured.[13]
 The test dataset is used for the testing
 Accuracy is the closeness of actual output and desired output
 Error is the variation in between the actual output and desired output
 In deep learning, a convolutional neural network is a class of deep neural network.
B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
[13] Impact of Training and Testing Data Splits on Accuracy of Time Series Forecasting in Machine Learning Ramesh Medar Vijay S.
Rajpurohit-Rashmi. B.
13
LITERATURE REVIEW
DATA SET
A collection of images in various categories with meta data[13].
It contains training and testing data.
Image dataset may consist of full of images and its .csv files.
B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
[13] Impact of Training and Testing Data Splits on Accuracy of Time Series Forecasting in Machine Learning Ramesh Medar Vijay S.
Rajpurohit-Rashmi. B.
14
LITERATURE REVIEW
CIFAR-10
The CIFAR-10 dataset consists of 60000 32x32 color images in 10 classes,
with 6000 images per class. There are 50000 training images and 10000 test
images.[14]
The dataset is divided into five training batches and one test batch, each with
10000 images.
The test batch contains exactly 1000 randomly-selected images from each
class.
The training batches contain the remaining images in random order, but
some training batches may contain more images from one class than another.
Between them, the training batches contain exactly 5000 images from each
class.
B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
[14] Preprocessing for Image Classification by Convolutional Neural Networks Kuntal Kumar Pal, Sudeep K. S IEEE International
Conference On Recent Trends In Electronics Information Communication Technology, May 20-21, 2016, India
15
LITERATURE REVIEW
Here are the classes in the dataset, as well as 10 random images from each:
.
B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
[14] Preprocessing for Image Classification by Convolutional Neural Networks Kuntal Kumar Pal, Sudeep K. S IEEE International
Conference On Recent Trends In Electronics Information Communication Technology, May 20-21, 2016, India
16
LITERATURE REVIEW
FEATURE MAP
 The feature map is the output of one filter applied to the previous layer.
 A given filter is drawn across the entire previous layer, moved one pixel at
a time.[14]
 Each position results in an activation of the neuron and the output is
collected in the feature map.
B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
[14] Preprocessing for Image Classification by Convolutional Neural Networks Kuntal Kumar Pal, Sudeep K. S IEEE International
Conference On Recent Trends In Electronics Information Communication Technology, May 20-21, 2016, India
17
LITERATURE REVIEW
PREPROCESSING
Raw data if applied to any classification methods does not produce good
accuracy as can be verified from the results we achieved.[14]
The goal is to show how much the accuracy varies with the application of
some well-known preprocessing techniques on some simple convolutional
networks.
B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
[14] Preprocessing for Image Classification by Convolutional Neural Networks Kuntal Kumar Pal, Sudeep K. S IEEE International
Conference On Recent Trends In Electronics Information Communication Technology, May 20-21, 2016, India
18
LITERATURE REVIEW
NORMALIZATION
 Normalization is a technique often applied as part of data preparation for machine
learning.
B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
[14] Preprocessing for Image Classification by Convolutional Neural Networks Kuntal Kumar Pal, Sudeep K. S IEEE International
Conference On Recent Trends In Electronics Information Communication Technology, May 20-21, 2016, India
19
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019
MODULE DESCRIPTION
1. INPUT
2. TRAINING
3. CLASSIFICATION
Thursday, June 13, 2019
20
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019
MODULE DESCRIPTION
Thursday, June 13, 2019
Block diagram
21
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019 Thursday, June 13, 2019
22
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019
MODULE 1
Input image
 Computers sees an input image as array of pixels and it depends on the
image resolution.
 Based on the image resolution, it will see h x w x d( h = Height, w =
Width, d = Dimension)
Thursday, June 13, 2019
23
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019
 An image of 6 x 6 x 3 array of matrix of RGB (3 refers to RGB
values)
Thursday, June 13, 2019
24
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019
MODULE 2
CONVOLUTIONAL LAYER
 Convolution is the first layer to extract features from an input image.
 Convolution preserves the relationship between pixels by learning image
features using small squares of input data.
 It is a mathematical operation that takes two inputs such as image matrix and a
filter or kernal.
Thursday, June 13, 2019
25
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019 Thursday, June 13, 2019
SYSTEM ARCHITECTURE
 The convolution of 5 x 5 image matrix multiplies with 3 x 3 filter
matrix which is called “Feature Map”
27
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019 Thursday, June 13, 2019
28
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019
PADDING
Sometimes filter does not fit perfectly fit the input image. We
have two options:
 Pad the picture with zeros (zero-padding) so that it fits
 Drop the part of the image where the filter did not fit. This is
called valid padding which keeps only valid part of the image.
Thursday, June 13, 2019
29
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019
NON LINEARITY (RELU)
 ReLU stands for Rectified Linear Unit for a non-linear
operation. The output is ƒ(x) = max(0,x).
 Why ReLU is important : ReLU’s purpose is to introduce non-
linearity in our ConvNet. Since, the real world data would want
our ConvNet to learn would be non-negative linear values.
Thursday, June 13, 2019
30
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019
RELU OPERATION
Thursday, June 13, 2019
31
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019
POOLING LAYER
 Pooling layers section would reduce the number of parameters when
the images are too large.
 Pooling layer consider a block of input data and simply pass on
maximum value
 Hence it reduces the size of the input and require no added
parameters
Thursday, June 13, 2019
32
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019
FLATTENING
After finishing the previous two steps, we're supposed to have a pooled feature
map by now. As the name of this step implies, we are literally going to flatten
our pooled feature map into a column like in the image below.
Thursday, June 13, 2019
MODULE 3
39
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019
FLATTENING
The reason we do this is that we're going to need to insert this data into
an artificial neural network later on.
Thursday, June 13, 2019
34
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019
FULLY CONNECTED LAYER
 The layer we call as FC layer, we flattened our matrix into vector and feed it
into a fully connected layer like neural network.
Thursday, June 13, 2019
35
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019
 Fully connected layer is connected with output layer
Thursday, June 13, 2019
36
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019 Thursday, June 13, 2019
SOFTMAX FUCTION
Activation function used in the cnn.
37
SYSTEM ARCHITECTURE
B.Tech Bachelors Research Project: 2015-2019 Thursday, June 13, 2019
Output layer
 After multiple layers of convolution and padding.
 output should be in the form of a class.
 The convolution and pooling layers would only be able to extract features
and reduce the number of parameters from the original images.
 However, to generate the final output we need to apply a fully connected
layer to generate an output equal to the number of classes we need.
 Thus the output layer give the classified images.
Obtained outcome
• Image which are classified with its name.
• The probability of image to be in the other class.
Thursday, June 13, 2019 38B.Tech Main Project : 2009-2013
CONCLUSION AND FUTURE SCOPE
Thursday, June 13, 2019 39
FUTURE SCOPE
Image can be classified and keep in separate folders.
Automatic face recognition and object recognition can be used for
classifying the images automatically.
B.Tech Bachelors Research project : 2015-2019
 Implemented an image classifier using convolutional
neural network, which is more efficient for image
classification when comparing to the other methods.
 It is usefully for classifying larger number of image with
in short time.
Thursday, June 13, 2019 40
HARDWARE REQUIREMENT
Operating system: windows 8 or later.
PROCESSOR : Intel i3 6th gen or later
RAM : MIN 2 GB
HDD : MIN 40 GB
B.Tech Bachelors Research project : 2015-2019
Thursday, June 13, 2019 41
SOFTWARE REQUIREMENT
Progamming language : Python 3.7
Framework : Spyder 3.3.3
Software library : Google tensor flow
Development environment : Anaconda
For visualization : matplotlib
B.Tech Bachelors Research project : 2015-2019
REFERENCES
Thursday, June 13, 2019 42
[1] A.LecunY, Bottou L, Bengio Y, et al. Gradient-based learning appliedto
document recognition[J]. Proceedings of the IEEE, 1998,86(11):2278-2324.
[2] Cun Y L, Boser B, Denker J S, et al. Handwritten digit recognition with a
back-propagation network[C] Advances in Neural Information Processing
Systems. Morgan Kaufmann Publishers Inc.
[3] Hecht-Nielsen R. Theory of the backpropagation neural network[M] Neural
networks for perception (Vol. 2). Harcourt Brace & Co.
1992:593-605 vol.1.
[4] Krizhevsky A, Sutskever I, Hinton G E. ImageNet Classification with Deep
Convolutional Neural Networks[J]. Advances in Neural Information Processing
Systems, 2012, 25(2):2012.
[5] M. D. Zeiler and R. Fergus, “Visualizing and understanding convolutional
networks,” in ECCV, 2014.
B.Tech Bachelors Research project : 2015-2019
REFERENCES
[6] N. Kalchbrenner, E. Grefenstette, and P. Blunsom, “A convolutional neural network
for modelling sentences,” arXiv preprint arXiv:1404.2188, 2014.
[7] O. Abdel-Hamid, A. R. Mohamed, H. Jiang, and G. Penn, “Applying convolutional
neural networks concepts to hybrid nn-hmm model for speech recognition,” in
Acoustics, Speech and Signal Processing (ICASSP), 2012 IEEE International
Conference on. IEEE, 2012, pp. 4277–4280.
[8] Y. LeCun, B. Boser, J. S. Denker, D. Henderson, R. E. Howard, W. Hubbard, and L.
D. Jackel, “Backpropagation applied to handwritten zip code recognition,” Neural
computation, vol. 1, no. 4, pp. 541–551, 1989.
[9] Y. LeCun, L. Bottou, Y. Bengio, and P. Haffner, “Gradient-based learning applied to
document recognition,” Proceedings of the IEEE, vol. 86, no. 11, pp. 2278–2324, 1998.
[10]Xavier Mu ̃nozComputer Vision GroupUniversity of Gironaxmunoz@eia.udg.es,
Anna BoschComputer Vision GroupUniversity of Gironaaboschr@eia.udg.es,Image
Classification using Random Forests and Ferns.
Thursday, June 13, 2019 43B.Tech Bachelors Research project : 2015-2019
REFERENCES
[11] Image Classification via Support Vector Machine Xiaowu Sun1, Lizhen Liu1,
Hanshi Wang1, Wei Song1, Jingli Lu2 1 Information and Engineering College, Capital
Normal University, Beijing 100048, P. R. China 2 Agresearch Ltd, New Zealand
[12]Unsupervised Deep Feature Extraction for Remote Sensing Image Classification
Adriana Romero, Carlo Gatta, and Gustau Camps-Valls, Senior Member, IEEE.
Thursday, June 13, 2019 44B.Tech Bachelors Research project : 2015-2019
[13] Impact of Training and Testing Data Splits on Accuracy of Time Series Forecasting
in Machine Learning Ramesh Medar Vijay S. Rajpurohit Rashmi B.
[14] Preprocessing for Image Classification by Convolutional Neural Networks Kuntal
Kumar Pal, Sudeep K. S IEEE International Conference On Recent Trends In
Electronics Information Communication Technology, May 20-21, 2016, India.
.
SREENSHOTS
Thursday, June 13, 2019 45
Main window : used to give dataset input
B.Tech Bachelors Research project : 2015-2019
SREENSHOTS
Thursday, June 13, 2019 46
Display statistics
B.Tech Bachelors Research project : 2015-2019
SREENSHOTS
Thursday, June 13, 2019 47
Test window for various tests
B.Tech Bachelors Research project : 2015-2019
SREENSHOTS
Thursday, June 13, 2019 48
Preprocessing
B.Tech Bachelors Research project : 2015-2019
SREENSHOTS
Thursday, June 13, 2019 49
CNN training window
B.Tech Bachelors Research project : 2015-2019
SREENSHOTS
Thursday, June 13, 2019 50
Classification result of 2 epoch training
B.Tech Bachelors Research project : 2015-2019
SREENSHOTS
Thursday, June 13, 2019 51
Classification result of 10 epoch training
B.Tech Bachelors Research project : 2015-2019
SREENSHOTS
Thursday, June 13, 2019 52
Classification result of 75 epoch training
B.Tech Bachelors Research project : 2015-2019
User manual
Thursday, June 13, 2019 53
1. Insert the CIFAR-10 dataset to the software, Check the display statistics for the
visual conformation.
2. Check all the test for conformation .
3. Train the dataset with maximum number of epoch to get a maximum accuracy
in the classification.
4. Click the Run classification button in the classification window.
5. The classification will takes place.
B.Tech Bachelors Research project : 2015-2019
Thank You
Thursday, June 13, 2019 54B.Tech Bachelors Research Project : 2015-2019

More Related Content

What's hot

Deep learning for medical imaging
Deep learning for medical imagingDeep learning for medical imaging
Deep learning for medical imaging
geetachauhan
 
Deep learning presentation
Deep learning presentationDeep learning presentation
Deep learning presentation
Tunde Ajose-Ismail
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep Learning
Mohamed Loey
 
Deep learning
Deep learningDeep learning
Deep learning
Mohamed Loey
 
Artificial neural network
Artificial neural networkArtificial neural network
Artificial neural network
DEEPASHRI HK
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
Kasun Chinthaka Piyarathna
 
[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection
[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection
[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection
Taegyun Jeon
 
Machine Learning and its Applications
Machine Learning and its ApplicationsMachine Learning and its Applications
Machine Learning and its Applications
Dr Ganesh Iyer
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
leopauly
 
Deep Learning Explained
Deep Learning ExplainedDeep Learning Explained
Deep Learning Explained
Melanie Swan
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
Si Haem
 
K Nearest Neighbors
K Nearest NeighborsK Nearest Neighbors
Resnet
ResnetResnet
Image classification using cnn
Image classification using cnnImage classification using cnn
Image classification using cnn
SumeraHangi
 
Federated Learning
Federated LearningFederated Learning
Federated Learning
DataWorks Summit
 
Naive bayes
Naive bayesNaive bayes
Naive bayes
Ashraf Uddin
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual Introduction
Lukas Masuch
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
Lior Rokach
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural Network
Richard Kuo
 
Image Classification using deep learning
Image Classification using deep learning Image Classification using deep learning
Image Classification using deep learning
Asma-AH
 

What's hot (20)

Deep learning for medical imaging
Deep learning for medical imagingDeep learning for medical imaging
Deep learning for medical imaging
 
Deep learning presentation
Deep learning presentationDeep learning presentation
Deep learning presentation
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep Learning
 
Deep learning
Deep learningDeep learning
Deep learning
 
Artificial neural network
Artificial neural networkArtificial neural network
Artificial neural network
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
 
[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection
[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection
[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection
 
Machine Learning and its Applications
Machine Learning and its ApplicationsMachine Learning and its Applications
Machine Learning and its Applications
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 
Deep Learning Explained
Deep Learning ExplainedDeep Learning Explained
Deep Learning Explained
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
 
K Nearest Neighbors
K Nearest NeighborsK Nearest Neighbors
K Nearest Neighbors
 
Resnet
ResnetResnet
Resnet
 
Image classification using cnn
Image classification using cnnImage classification using cnn
Image classification using cnn
 
Federated Learning
Federated LearningFederated Learning
Federated Learning
 
Naive bayes
Naive bayesNaive bayes
Naive bayes
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual Introduction
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural Network
 
Image Classification using deep learning
Image Classification using deep learning Image Classification using deep learning
Image Classification using deep learning
 

Similar to Image classification using convolutional neural network

End-to-end deep auto-encoder for segmenting a moving object with limited tra...
End-to-end deep auto-encoder for segmenting a moving object  with limited tra...End-to-end deep auto-encoder for segmenting a moving object  with limited tra...
End-to-end deep auto-encoder for segmenting a moving object with limited tra...
IJECEIAES
 
MULTI-LEVEL FEATURE FUSION BASED TRANSFER LEARNING FOR PERSON RE-IDENTIFICATION
MULTI-LEVEL FEATURE FUSION BASED TRANSFER LEARNING FOR PERSON RE-IDENTIFICATIONMULTI-LEVEL FEATURE FUSION BASED TRANSFER LEARNING FOR PERSON RE-IDENTIFICATION
MULTI-LEVEL FEATURE FUSION BASED TRANSFER LEARNING FOR PERSON RE-IDENTIFICATION
gerogepatton
 
Multi-Level Feature Fusion Based Transfer Learning for Person Re-Identification
Multi-Level Feature Fusion Based Transfer Learning for Person Re-IdentificationMulti-Level Feature Fusion Based Transfer Learning for Person Re-Identification
Multi-Level Feature Fusion Based Transfer Learning for Person Re-Identification
gerogepatton
 
IRJET- Automated Detection of Diabetic Retinopathy using Compressed Sensing
IRJET- Automated Detection of Diabetic Retinopathy using Compressed SensingIRJET- Automated Detection of Diabetic Retinopathy using Compressed Sensing
IRJET- Automated Detection of Diabetic Retinopathy using Compressed Sensing
IRJET Journal
 
323462348
323462348323462348
323462348
323462348323462348
Efficient mobilenet architecture_as_image_recognit
Efficient mobilenet architecture_as_image_recognitEfficient mobilenet architecture_as_image_recognit
Efficient mobilenet architecture_as_image_recognit
EL Mehdi RAOUHI
 
IRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep LearningIRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep Learning
IRJET Journal
 
New Research Articles 2019 October Issue Signal & Image Processing An Interna...
New Research Articles 2019 October Issue Signal & Image Processing An Interna...New Research Articles 2019 October Issue Signal & Image Processing An Interna...
New Research Articles 2019 October Issue Signal & Image Processing An Interna...
sipij
 
78-ijsrr-d-2250.ebn-f.pdf
78-ijsrr-d-2250.ebn-f.pdf78-ijsrr-d-2250.ebn-f.pdf
78-ijsrr-d-2250.ebn-f.pdf
vinayaga moorthy
 
Application To Monitor And Manage People In Crowded Places Using Neural Networks
Application To Monitor And Manage People In Crowded Places Using Neural NetworksApplication To Monitor And Manage People In Crowded Places Using Neural Networks
Application To Monitor And Manage People In Crowded Places Using Neural Networks
IJSRED
 
A new approachto image classification based on adeep multiclass AdaBoosting e...
A new approachto image classification based on adeep multiclass AdaBoosting e...A new approachto image classification based on adeep multiclass AdaBoosting e...
A new approachto image classification based on adeep multiclass AdaBoosting e...
IJECEIAES
 
A Literature Survey on Image Linguistic Visual Question Answering
A Literature Survey on Image Linguistic Visual Question AnsweringA Literature Survey on Image Linguistic Visual Question Answering
A Literature Survey on Image Linguistic Visual Question Answering
IRJET Journal
 
P-D controller computer vision and robotics integration based for student’s p...
P-D controller computer vision and robotics integration based for student’s p...P-D controller computer vision and robotics integration based for student’s p...
P-D controller computer vision and robotics integration based for student’s p...
TELKOMNIKA JOURNAL
 
IRJET- Deep Learning Techniques for Object Detection
IRJET-  	  Deep Learning Techniques for Object DetectionIRJET-  	  Deep Learning Techniques for Object Detection
IRJET- Deep Learning Techniques for Object Detection
IRJET Journal
 
Efficient content-based image retrieval using integrated dual deep convoluti...
Efficient content-based image retrieval using integrated dual  deep convoluti...Efficient content-based image retrieval using integrated dual  deep convoluti...
Efficient content-based image retrieval using integrated dual deep convoluti...
International Journal of Reconfigurable and Embedded Systems
 
Increamental Data Clustering
Increamental Data ClusteringIncreamental Data Clustering
Increamental Data Clustering
Kunal Gulati
 
January 2024 - Top 10 Read Articles in International Journal of Artificial In...
January 2024 - Top 10 Read Articles in International Journal of Artificial In...January 2024 - Top 10 Read Articles in International Journal of Artificial In...
January 2024 - Top 10 Read Articles in International Journal of Artificial In...
gerogepatton
 
May 2024 - Top 10 Read Articles in Artificial Intelligence and Applications (...
May 2024 - Top 10 Read Articles in Artificial Intelligence and Applications (...May 2024 - Top 10 Read Articles in Artificial Intelligence and Applications (...
May 2024 - Top 10 Read Articles in Artificial Intelligence and Applications (...
gerogepatton
 
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNING
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNINGANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNING
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNING
IRJET Journal
 

Similar to Image classification using convolutional neural network (20)

End-to-end deep auto-encoder for segmenting a moving object with limited tra...
End-to-end deep auto-encoder for segmenting a moving object  with limited tra...End-to-end deep auto-encoder for segmenting a moving object  with limited tra...
End-to-end deep auto-encoder for segmenting a moving object with limited tra...
 
MULTI-LEVEL FEATURE FUSION BASED TRANSFER LEARNING FOR PERSON RE-IDENTIFICATION
MULTI-LEVEL FEATURE FUSION BASED TRANSFER LEARNING FOR PERSON RE-IDENTIFICATIONMULTI-LEVEL FEATURE FUSION BASED TRANSFER LEARNING FOR PERSON RE-IDENTIFICATION
MULTI-LEVEL FEATURE FUSION BASED TRANSFER LEARNING FOR PERSON RE-IDENTIFICATION
 
Multi-Level Feature Fusion Based Transfer Learning for Person Re-Identification
Multi-Level Feature Fusion Based Transfer Learning for Person Re-IdentificationMulti-Level Feature Fusion Based Transfer Learning for Person Re-Identification
Multi-Level Feature Fusion Based Transfer Learning for Person Re-Identification
 
IRJET- Automated Detection of Diabetic Retinopathy using Compressed Sensing
IRJET- Automated Detection of Diabetic Retinopathy using Compressed SensingIRJET- Automated Detection of Diabetic Retinopathy using Compressed Sensing
IRJET- Automated Detection of Diabetic Retinopathy using Compressed Sensing
 
323462348
323462348323462348
323462348
 
323462348
323462348323462348
323462348
 
Efficient mobilenet architecture_as_image_recognit
Efficient mobilenet architecture_as_image_recognitEfficient mobilenet architecture_as_image_recognit
Efficient mobilenet architecture_as_image_recognit
 
IRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep LearningIRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep Learning
 
New Research Articles 2019 October Issue Signal & Image Processing An Interna...
New Research Articles 2019 October Issue Signal & Image Processing An Interna...New Research Articles 2019 October Issue Signal & Image Processing An Interna...
New Research Articles 2019 October Issue Signal & Image Processing An Interna...
 
78-ijsrr-d-2250.ebn-f.pdf
78-ijsrr-d-2250.ebn-f.pdf78-ijsrr-d-2250.ebn-f.pdf
78-ijsrr-d-2250.ebn-f.pdf
 
Application To Monitor And Manage People In Crowded Places Using Neural Networks
Application To Monitor And Manage People In Crowded Places Using Neural NetworksApplication To Monitor And Manage People In Crowded Places Using Neural Networks
Application To Monitor And Manage People In Crowded Places Using Neural Networks
 
A new approachto image classification based on adeep multiclass AdaBoosting e...
A new approachto image classification based on adeep multiclass AdaBoosting e...A new approachto image classification based on adeep multiclass AdaBoosting e...
A new approachto image classification based on adeep multiclass AdaBoosting e...
 
A Literature Survey on Image Linguistic Visual Question Answering
A Literature Survey on Image Linguistic Visual Question AnsweringA Literature Survey on Image Linguistic Visual Question Answering
A Literature Survey on Image Linguistic Visual Question Answering
 
P-D controller computer vision and robotics integration based for student’s p...
P-D controller computer vision and robotics integration based for student’s p...P-D controller computer vision and robotics integration based for student’s p...
P-D controller computer vision and robotics integration based for student’s p...
 
IRJET- Deep Learning Techniques for Object Detection
IRJET-  	  Deep Learning Techniques for Object DetectionIRJET-  	  Deep Learning Techniques for Object Detection
IRJET- Deep Learning Techniques for Object Detection
 
Efficient content-based image retrieval using integrated dual deep convoluti...
Efficient content-based image retrieval using integrated dual  deep convoluti...Efficient content-based image retrieval using integrated dual  deep convoluti...
Efficient content-based image retrieval using integrated dual deep convoluti...
 
Increamental Data Clustering
Increamental Data ClusteringIncreamental Data Clustering
Increamental Data Clustering
 
January 2024 - Top 10 Read Articles in International Journal of Artificial In...
January 2024 - Top 10 Read Articles in International Journal of Artificial In...January 2024 - Top 10 Read Articles in International Journal of Artificial In...
January 2024 - Top 10 Read Articles in International Journal of Artificial In...
 
May 2024 - Top 10 Read Articles in Artificial Intelligence and Applications (...
May 2024 - Top 10 Read Articles in Artificial Intelligence and Applications (...May 2024 - Top 10 Read Articles in Artificial Intelligence and Applications (...
May 2024 - Top 10 Read Articles in Artificial Intelligence and Applications (...
 
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNING
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNINGANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNING
ANIMAL SPECIES RECOGNITION SYSTEM USING DEEP LEARNING
 

Recently uploaded

Removing Uninteresting Bytes in Software Fuzzing
Removing Uninteresting Bytes in Software FuzzingRemoving Uninteresting Bytes in Software Fuzzing
Removing Uninteresting Bytes in Software Fuzzing
Aftab Hussain
 
TrustArc Webinar - 2024 Global Privacy Survey
TrustArc Webinar - 2024 Global Privacy SurveyTrustArc Webinar - 2024 Global Privacy Survey
TrustArc Webinar - 2024 Global Privacy Survey
TrustArc
 
Cosa hanno in comune un mattoncino Lego e la backdoor XZ?
Cosa hanno in comune un mattoncino Lego e la backdoor XZ?Cosa hanno in comune un mattoncino Lego e la backdoor XZ?
Cosa hanno in comune un mattoncino Lego e la backdoor XZ?
Speck&Tech
 
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
Edge AI and Vision Alliance
 
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
SOFTTECHHUB
 
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
James Anderson
 
Video Streaming: Then, Now, and in the Future
Video Streaming: Then, Now, and in the FutureVideo Streaming: Then, Now, and in the Future
Video Streaming: Then, Now, and in the Future
Alpen-Adria-Universität
 
A tale of scale & speed: How the US Navy is enabling software delivery from l...
A tale of scale & speed: How the US Navy is enabling software delivery from l...A tale of scale & speed: How the US Navy is enabling software delivery from l...
A tale of scale & speed: How the US Navy is enabling software delivery from l...
sonjaschweigert1
 
Building RAG with self-deployed Milvus vector database and Snowpark Container...
Building RAG with self-deployed Milvus vector database and Snowpark Container...Building RAG with self-deployed Milvus vector database and Snowpark Container...
Building RAG with self-deployed Milvus vector database and Snowpark Container...
Zilliz
 
20240605 QFM017 Machine Intelligence Reading List May 2024
20240605 QFM017 Machine Intelligence Reading List May 202420240605 QFM017 Machine Intelligence Reading List May 2024
20240605 QFM017 Machine Intelligence Reading List May 2024
Matthew Sinclair
 
Mind map of terminologies used in context of Generative AI
Mind map of terminologies used in context of Generative AIMind map of terminologies used in context of Generative AI
Mind map of terminologies used in context of Generative AI
Kumud Singh
 
Pushing the limits of ePRTC: 100ns holdover for 100 days
Pushing the limits of ePRTC: 100ns holdover for 100 daysPushing the limits of ePRTC: 100ns holdover for 100 days
Pushing the limits of ePRTC: 100ns holdover for 100 days
Adtran
 
20240609 QFM020 Irresponsible AI Reading List May 2024
20240609 QFM020 Irresponsible AI Reading List May 202420240609 QFM020 Irresponsible AI Reading List May 2024
20240609 QFM020 Irresponsible AI Reading List May 2024
Matthew Sinclair
 
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
SOFTTECHHUB
 
“I’m still / I’m still / Chaining from the Block”
“I’m still / I’m still / Chaining from the Block”“I’m still / I’m still / Chaining from the Block”
“I’m still / I’m still / Chaining from the Block”
Claudio Di Ciccio
 
Essentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FMEEssentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FME
Safe Software
 
Introduction to CHERI technology - Cybersecurity
Introduction to CHERI technology - CybersecurityIntroduction to CHERI technology - Cybersecurity
Introduction to CHERI technology - Cybersecurity
mikeeftimakis1
 
Communications Mining Series - Zero to Hero - Session 1
Communications Mining Series - Zero to Hero - Session 1Communications Mining Series - Zero to Hero - Session 1
Communications Mining Series - Zero to Hero - Session 1
DianaGray10
 
20240607 QFM018 Elixir Reading List May 2024
20240607 QFM018 Elixir Reading List May 202420240607 QFM018 Elixir Reading List May 2024
20240607 QFM018 Elixir Reading List May 2024
Matthew Sinclair
 
UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5
DianaGray10
 

Recently uploaded (20)

Removing Uninteresting Bytes in Software Fuzzing
Removing Uninteresting Bytes in Software FuzzingRemoving Uninteresting Bytes in Software Fuzzing
Removing Uninteresting Bytes in Software Fuzzing
 
TrustArc Webinar - 2024 Global Privacy Survey
TrustArc Webinar - 2024 Global Privacy SurveyTrustArc Webinar - 2024 Global Privacy Survey
TrustArc Webinar - 2024 Global Privacy Survey
 
Cosa hanno in comune un mattoncino Lego e la backdoor XZ?
Cosa hanno in comune un mattoncino Lego e la backdoor XZ?Cosa hanno in comune un mattoncino Lego e la backdoor XZ?
Cosa hanno in comune un mattoncino Lego e la backdoor XZ?
 
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
 
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
 
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
 
Video Streaming: Then, Now, and in the Future
Video Streaming: Then, Now, and in the FutureVideo Streaming: Then, Now, and in the Future
Video Streaming: Then, Now, and in the Future
 
A tale of scale & speed: How the US Navy is enabling software delivery from l...
A tale of scale & speed: How the US Navy is enabling software delivery from l...A tale of scale & speed: How the US Navy is enabling software delivery from l...
A tale of scale & speed: How the US Navy is enabling software delivery from l...
 
Building RAG with self-deployed Milvus vector database and Snowpark Container...
Building RAG with self-deployed Milvus vector database and Snowpark Container...Building RAG with self-deployed Milvus vector database and Snowpark Container...
Building RAG with self-deployed Milvus vector database and Snowpark Container...
 
20240605 QFM017 Machine Intelligence Reading List May 2024
20240605 QFM017 Machine Intelligence Reading List May 202420240605 QFM017 Machine Intelligence Reading List May 2024
20240605 QFM017 Machine Intelligence Reading List May 2024
 
Mind map of terminologies used in context of Generative AI
Mind map of terminologies used in context of Generative AIMind map of terminologies used in context of Generative AI
Mind map of terminologies used in context of Generative AI
 
Pushing the limits of ePRTC: 100ns holdover for 100 days
Pushing the limits of ePRTC: 100ns holdover for 100 daysPushing the limits of ePRTC: 100ns holdover for 100 days
Pushing the limits of ePRTC: 100ns holdover for 100 days
 
20240609 QFM020 Irresponsible AI Reading List May 2024
20240609 QFM020 Irresponsible AI Reading List May 202420240609 QFM020 Irresponsible AI Reading List May 2024
20240609 QFM020 Irresponsible AI Reading List May 2024
 
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
Why You Should Replace Windows 11 with Nitrux Linux 3.5.0 for enhanced perfor...
 
“I’m still / I’m still / Chaining from the Block”
“I’m still / I’m still / Chaining from the Block”“I’m still / I’m still / Chaining from the Block”
“I’m still / I’m still / Chaining from the Block”
 
Essentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FMEEssentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FME
 
Introduction to CHERI technology - Cybersecurity
Introduction to CHERI technology - CybersecurityIntroduction to CHERI technology - Cybersecurity
Introduction to CHERI technology - Cybersecurity
 
Communications Mining Series - Zero to Hero - Session 1
Communications Mining Series - Zero to Hero - Session 1Communications Mining Series - Zero to Hero - Session 1
Communications Mining Series - Zero to Hero - Session 1
 
20240607 QFM018 Elixir Reading List May 2024
20240607 QFM018 Elixir Reading List May 202420240607 QFM018 Elixir Reading List May 2024
20240607 QFM018 Elixir Reading List May 2024
 
UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5
 

Image classification using convolutional neural network

  • 1. 1 Guided By : Mr. MANOJ M ASSISTANT PROFESSOR COMPUTER SCIENCE Presented By : ABDUL MANAF KIRAN R PIOUS PAUL VISHNU P.S IMAGE CLASSIFICATION USING CONVOLUTIONAL NEURAL NETWORK B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
  • 2. 2  Image classification model using a convolutional neural network with Tensor Flow.  A multi-category image data set has been considered for the classification.  The classifier train this proposed classifier to calculate the decision boundary of the image dataset.  The data in the real world is mostly in the form of unlabeled and unstructured format. These unstructured images are need to be classified .  Thus CNN is introduced for image classification. ABSTRACT B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
  • 3. 3 OBJECTIVE  To classify the images according to the category which belong from a large set of different images from different categories .  Sort the image in separate folders according to their names. B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
  • 4. 4  Image classification plays an important role in computer vision, it has a very important significance in our study, work and life.[4]  Image classification is process including image preprocessing, image segmentation, key feature extraction and matching identification.  With the latest figures image classification techniques, we not only get the picture information faster than before, we apply it to scientific experiments. INTRODUCTION B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019 [4] Krizhevsky A, Sutskever I, Hinton G E. ImageNet Classification with Deep Convolutional Neural Networks[J]. Advances in Neural Information Processing Systems, 2012, 25(2):2012.
  • 5. 5 [10] Xavier Mu ̃nozComputer Vision GroupUniversity of Gironaxmunoz@eia.udg.es, Anna BoschComputer Vision GroupUniversity of Gironaaboschr@eia.udg.es,Image Classification using Random Forests and Ferns.  Image classification using SUPPORT VECTOR MACHINE , RANDOM FOREST algorithm which is available on online platforms.[10] • These algorithms are highly complicated and time consuming for processing and classifying images. • Several key parameters should be correctly set to achieve best classification result. Existing system B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
  • 6. PROPOSED SYSTEM Thursday, June 13, 2019 6  An image classifier using convolutional neural network,which use CIFAR-10 dataset for image classification.  Classifies the images with more accuracy.  Classifies and save the images in separate folders according to the class it goes. B.Tech Bachelors Research project : 2015-2019
  • 7. 7 LITERATURE REVIEW DEEP LEARNING AND IMAGE CLASSIFICATION  Deep learning is part of a broader family of machine learning methods based on the layers used in artificial neural networks.[4] . B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019 [4] Krizhevsky A, Sutskever I, Hinton G E. ImageNet Classification with Deep Convolutional Neural Networks[J]. Advances in Neural Information Processing Systems, 2012, 25(2):2012.
  • 8. 8 LITERATURE REVIEW Convolutional neural network  Convolutional neural network is one of the main categories to do images recognition, images classifications. Objects detections, recognition faces etc.[6]  It has 5 layers. 1. Input layer 2. Convolutional layer 3. Pooling layer 4. Fully connected layer. 5. Output layer. B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019 [6] N. Kalchbrenner, E. Grefenstette, and P. Blunsom, “A convolutional neural network for modelling sentences,” arXiv preprint arXiv:1404.2188, 2014.
  • 9. 9 LITERATURE REVIEW CNN TRAINING  A part of data set is given to the training process of the network [11].  Training process is the state at which the network is learning the training data.  The training data set is used to train the network. After completing training a model is created. [11] Image Classification via Support Vector Machine Xiaowu Sun1, Lizhen Liu1, Hanshi Wang1, Wei Song1, Jingli Lu2 1 Information and Engineering College, Capital Normal University, Beijing 100048, P. R. China 2 Agresearch Ltd, New Zealand B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019
  • 10. 10 LITERATURE REVIEW EPOCH  An epoch is one complete presentation of the data set to be learned to a learning machine.[11] B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019 [11] Image Classification via Support Vector Machine Xiaowu Sun1, Lizhen Liu1, Hanshi Wang1, Wei Song1, Jingli Lu2 1 Information and Engineering College, Capital Normal University, Beijing 100048, P. R. China 2 Agresearch Ltd, New Zealand
  • 11. 11 LITERATURE REVIEW CNN MODEL  A model is generated after the training of the CNN[11].  A pre-trained model is a model that was trained on a large benchmark dataset to solve a problem similar to the one that we want to solve. B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019 [11] Image Classification via Support Vector Machine Xiaowu Sun1, Lizhen Liu1, Hanshi Wang1, Wei Song1, Jingli Lu2 1 Information and Engineering College, Capital Normal University, Beijing 100048, P. R. China 2 Agresearch Ltd, New Zealand
  • 12. 12 LITERATURE REVIEW CNN TESTING  In this stage the performance of the network is measured.[13]  The test dataset is used for the testing  Accuracy is the closeness of actual output and desired output  Error is the variation in between the actual output and desired output  In deep learning, a convolutional neural network is a class of deep neural network. B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019 [13] Impact of Training and Testing Data Splits on Accuracy of Time Series Forecasting in Machine Learning Ramesh Medar Vijay S. Rajpurohit-Rashmi. B.
  • 13. 13 LITERATURE REVIEW DATA SET A collection of images in various categories with meta data[13]. It contains training and testing data. Image dataset may consist of full of images and its .csv files. B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019 [13] Impact of Training and Testing Data Splits on Accuracy of Time Series Forecasting in Machine Learning Ramesh Medar Vijay S. Rajpurohit-Rashmi. B.
  • 14. 14 LITERATURE REVIEW CIFAR-10 The CIFAR-10 dataset consists of 60000 32x32 color images in 10 classes, with 6000 images per class. There are 50000 training images and 10000 test images.[14] The dataset is divided into five training batches and one test batch, each with 10000 images. The test batch contains exactly 1000 randomly-selected images from each class. The training batches contain the remaining images in random order, but some training batches may contain more images from one class than another. Between them, the training batches contain exactly 5000 images from each class. B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019 [14] Preprocessing for Image Classification by Convolutional Neural Networks Kuntal Kumar Pal, Sudeep K. S IEEE International Conference On Recent Trends In Electronics Information Communication Technology, May 20-21, 2016, India
  • 15. 15 LITERATURE REVIEW Here are the classes in the dataset, as well as 10 random images from each: . B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019 [14] Preprocessing for Image Classification by Convolutional Neural Networks Kuntal Kumar Pal, Sudeep K. S IEEE International Conference On Recent Trends In Electronics Information Communication Technology, May 20-21, 2016, India
  • 16. 16 LITERATURE REVIEW FEATURE MAP  The feature map is the output of one filter applied to the previous layer.  A given filter is drawn across the entire previous layer, moved one pixel at a time.[14]  Each position results in an activation of the neuron and the output is collected in the feature map. B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019 [14] Preprocessing for Image Classification by Convolutional Neural Networks Kuntal Kumar Pal, Sudeep K. S IEEE International Conference On Recent Trends In Electronics Information Communication Technology, May 20-21, 2016, India
  • 17. 17 LITERATURE REVIEW PREPROCESSING Raw data if applied to any classification methods does not produce good accuracy as can be verified from the results we achieved.[14] The goal is to show how much the accuracy varies with the application of some well-known preprocessing techniques on some simple convolutional networks. B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019 [14] Preprocessing for Image Classification by Convolutional Neural Networks Kuntal Kumar Pal, Sudeep K. S IEEE International Conference On Recent Trends In Electronics Information Communication Technology, May 20-21, 2016, India
  • 18. 18 LITERATURE REVIEW NORMALIZATION  Normalization is a technique often applied as part of data preparation for machine learning. B.Tech Bachelors Research project : 2015-2019 Thursday, June 13, 2019 [14] Preprocessing for Image Classification by Convolutional Neural Networks Kuntal Kumar Pal, Sudeep K. S IEEE International Conference On Recent Trends In Electronics Information Communication Technology, May 20-21, 2016, India
  • 19. 19 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019 MODULE DESCRIPTION 1. INPUT 2. TRAINING 3. CLASSIFICATION Thursday, June 13, 2019
  • 20. 20 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019 MODULE DESCRIPTION Thursday, June 13, 2019 Block diagram
  • 21. 21 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019 Thursday, June 13, 2019
  • 22. 22 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019 MODULE 1 Input image  Computers sees an input image as array of pixels and it depends on the image resolution.  Based on the image resolution, it will see h x w x d( h = Height, w = Width, d = Dimension) Thursday, June 13, 2019
  • 23. 23 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019  An image of 6 x 6 x 3 array of matrix of RGB (3 refers to RGB values) Thursday, June 13, 2019
  • 24. 24 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019 MODULE 2 CONVOLUTIONAL LAYER  Convolution is the first layer to extract features from an input image.  Convolution preserves the relationship between pixels by learning image features using small squares of input data.  It is a mathematical operation that takes two inputs such as image matrix and a filter or kernal. Thursday, June 13, 2019
  • 25. 25 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019 Thursday, June 13, 2019
  • 26. SYSTEM ARCHITECTURE  The convolution of 5 x 5 image matrix multiplies with 3 x 3 filter matrix which is called “Feature Map”
  • 27. 27 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019 Thursday, June 13, 2019
  • 28. 28 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019 PADDING Sometimes filter does not fit perfectly fit the input image. We have two options:  Pad the picture with zeros (zero-padding) so that it fits  Drop the part of the image where the filter did not fit. This is called valid padding which keeps only valid part of the image. Thursday, June 13, 2019
  • 29. 29 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019 NON LINEARITY (RELU)  ReLU stands for Rectified Linear Unit for a non-linear operation. The output is ƒ(x) = max(0,x).  Why ReLU is important : ReLU’s purpose is to introduce non- linearity in our ConvNet. Since, the real world data would want our ConvNet to learn would be non-negative linear values. Thursday, June 13, 2019
  • 30. 30 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019 RELU OPERATION Thursday, June 13, 2019
  • 31. 31 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019 POOLING LAYER  Pooling layers section would reduce the number of parameters when the images are too large.  Pooling layer consider a block of input data and simply pass on maximum value  Hence it reduces the size of the input and require no added parameters Thursday, June 13, 2019
  • 32. 32 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019 FLATTENING After finishing the previous two steps, we're supposed to have a pooled feature map by now. As the name of this step implies, we are literally going to flatten our pooled feature map into a column like in the image below. Thursday, June 13, 2019 MODULE 3
  • 33. 39 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019 FLATTENING The reason we do this is that we're going to need to insert this data into an artificial neural network later on. Thursday, June 13, 2019
  • 34. 34 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019 FULLY CONNECTED LAYER  The layer we call as FC layer, we flattened our matrix into vector and feed it into a fully connected layer like neural network. Thursday, June 13, 2019
  • 35. 35 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019  Fully connected layer is connected with output layer Thursday, June 13, 2019
  • 36. 36 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019 Thursday, June 13, 2019 SOFTMAX FUCTION Activation function used in the cnn.
  • 37. 37 SYSTEM ARCHITECTURE B.Tech Bachelors Research Project: 2015-2019 Thursday, June 13, 2019 Output layer  After multiple layers of convolution and padding.  output should be in the form of a class.  The convolution and pooling layers would only be able to extract features and reduce the number of parameters from the original images.  However, to generate the final output we need to apply a fully connected layer to generate an output equal to the number of classes we need.  Thus the output layer give the classified images.
  • 38. Obtained outcome • Image which are classified with its name. • The probability of image to be in the other class. Thursday, June 13, 2019 38B.Tech Main Project : 2009-2013
  • 39. CONCLUSION AND FUTURE SCOPE Thursday, June 13, 2019 39 FUTURE SCOPE Image can be classified and keep in separate folders. Automatic face recognition and object recognition can be used for classifying the images automatically. B.Tech Bachelors Research project : 2015-2019  Implemented an image classifier using convolutional neural network, which is more efficient for image classification when comparing to the other methods.  It is usefully for classifying larger number of image with in short time.
  • 40. Thursday, June 13, 2019 40 HARDWARE REQUIREMENT Operating system: windows 8 or later. PROCESSOR : Intel i3 6th gen or later RAM : MIN 2 GB HDD : MIN 40 GB B.Tech Bachelors Research project : 2015-2019
  • 41. Thursday, June 13, 2019 41 SOFTWARE REQUIREMENT Progamming language : Python 3.7 Framework : Spyder 3.3.3 Software library : Google tensor flow Development environment : Anaconda For visualization : matplotlib B.Tech Bachelors Research project : 2015-2019
  • 42. REFERENCES Thursday, June 13, 2019 42 [1] A.LecunY, Bottou L, Bengio Y, et al. Gradient-based learning appliedto document recognition[J]. Proceedings of the IEEE, 1998,86(11):2278-2324. [2] Cun Y L, Boser B, Denker J S, et al. Handwritten digit recognition with a back-propagation network[C] Advances in Neural Information Processing Systems. Morgan Kaufmann Publishers Inc. [3] Hecht-Nielsen R. Theory of the backpropagation neural network[M] Neural networks for perception (Vol. 2). Harcourt Brace & Co. 1992:593-605 vol.1. [4] Krizhevsky A, Sutskever I, Hinton G E. ImageNet Classification with Deep Convolutional Neural Networks[J]. Advances in Neural Information Processing Systems, 2012, 25(2):2012. [5] M. D. Zeiler and R. Fergus, “Visualizing and understanding convolutional networks,” in ECCV, 2014. B.Tech Bachelors Research project : 2015-2019
  • 43. REFERENCES [6] N. Kalchbrenner, E. Grefenstette, and P. Blunsom, “A convolutional neural network for modelling sentences,” arXiv preprint arXiv:1404.2188, 2014. [7] O. Abdel-Hamid, A. R. Mohamed, H. Jiang, and G. Penn, “Applying convolutional neural networks concepts to hybrid nn-hmm model for speech recognition,” in Acoustics, Speech and Signal Processing (ICASSP), 2012 IEEE International Conference on. IEEE, 2012, pp. 4277–4280. [8] Y. LeCun, B. Boser, J. S. Denker, D. Henderson, R. E. Howard, W. Hubbard, and L. D. Jackel, “Backpropagation applied to handwritten zip code recognition,” Neural computation, vol. 1, no. 4, pp. 541–551, 1989. [9] Y. LeCun, L. Bottou, Y. Bengio, and P. Haffner, “Gradient-based learning applied to document recognition,” Proceedings of the IEEE, vol. 86, no. 11, pp. 2278–2324, 1998. [10]Xavier Mu ̃nozComputer Vision GroupUniversity of Gironaxmunoz@eia.udg.es, Anna BoschComputer Vision GroupUniversity of Gironaaboschr@eia.udg.es,Image Classification using Random Forests and Ferns. Thursday, June 13, 2019 43B.Tech Bachelors Research project : 2015-2019
  • 44. REFERENCES [11] Image Classification via Support Vector Machine Xiaowu Sun1, Lizhen Liu1, Hanshi Wang1, Wei Song1, Jingli Lu2 1 Information and Engineering College, Capital Normal University, Beijing 100048, P. R. China 2 Agresearch Ltd, New Zealand [12]Unsupervised Deep Feature Extraction for Remote Sensing Image Classification Adriana Romero, Carlo Gatta, and Gustau Camps-Valls, Senior Member, IEEE. Thursday, June 13, 2019 44B.Tech Bachelors Research project : 2015-2019 [13] Impact of Training and Testing Data Splits on Accuracy of Time Series Forecasting in Machine Learning Ramesh Medar Vijay S. Rajpurohit Rashmi B. [14] Preprocessing for Image Classification by Convolutional Neural Networks Kuntal Kumar Pal, Sudeep K. S IEEE International Conference On Recent Trends In Electronics Information Communication Technology, May 20-21, 2016, India. .
  • 45. SREENSHOTS Thursday, June 13, 2019 45 Main window : used to give dataset input B.Tech Bachelors Research project : 2015-2019
  • 46. SREENSHOTS Thursday, June 13, 2019 46 Display statistics B.Tech Bachelors Research project : 2015-2019
  • 47. SREENSHOTS Thursday, June 13, 2019 47 Test window for various tests B.Tech Bachelors Research project : 2015-2019
  • 48. SREENSHOTS Thursday, June 13, 2019 48 Preprocessing B.Tech Bachelors Research project : 2015-2019
  • 49. SREENSHOTS Thursday, June 13, 2019 49 CNN training window B.Tech Bachelors Research project : 2015-2019
  • 50. SREENSHOTS Thursday, June 13, 2019 50 Classification result of 2 epoch training B.Tech Bachelors Research project : 2015-2019
  • 51. SREENSHOTS Thursday, June 13, 2019 51 Classification result of 10 epoch training B.Tech Bachelors Research project : 2015-2019
  • 52. SREENSHOTS Thursday, June 13, 2019 52 Classification result of 75 epoch training B.Tech Bachelors Research project : 2015-2019
  • 53. User manual Thursday, June 13, 2019 53 1. Insert the CIFAR-10 dataset to the software, Check the display statistics for the visual conformation. 2. Check all the test for conformation . 3. Train the dataset with maximum number of epoch to get a maximum accuracy in the classification. 4. Click the Run classification button in the classification window. 5. The classification will takes place. B.Tech Bachelors Research project : 2015-2019
  • 54. Thank You Thursday, June 13, 2019 54B.Tech Bachelors Research Project : 2015-2019