SlideShare a Scribd company logo
HANDWRITTEN NUMBER RECOGNITION USING CNN AND COMPARISON OF PERFORMANCE
OF MODELS VARYING BY LAYERS
Presented by:
Name: Subhradeep Maji,
M.Sc, Part II, 2nd Semester
Department of Computer Science and Engineering
University of Kalyani
CONTENTS
• Introduction
• Purpose
• Digits recognition method
• Different deep learning models
• Convolution neural networks (CNN)
• Layers of basic CNN model
• MNIST dataset
• Basic steps need to be followed
• Creating the model
• Train the model
• Test on user input
• Comparison of different model ( varied by
layers)
• Discussion
• Result
• Conclusion
• Future work
INTRODUCTION
• With the rapid growth of technology, application of deep learning is increasing. Handwritten
Digit Recognition is one of the more important researches of deep learning in the current age.
• This project describes an approach for efficiently recognize digits or numbers written by
different people with the help convolution neural network (CNN), taking into account different
writing style and ink color. This model is finely tuned with the “Modified National Institute of
Standards and Technology (MNIST)” dataset.
• Here we will compare the performance of different models based on different layers further.
PURPOSE
• The main purpose of a handwriting digit recognition system is to convert handwritten digits
into machine readable formats.
• The main objective of this work is to effectively recognize handwritten digits and making
several official operations easier, error free and time efficiency.
DIGIT RECOGNITION METHODS
Deep learning is the most convenient method of recognizing digits .
Figure 1: Performance Comparison between Deep Learning vs Other Algorithms [1]
DIFFERENT DEEP LEARNING MODELS
• SUPERVISED MODEL
• Classic Neural Networks (Multilayer Perceptron)
• Convolutional Neural Networks (CNNs)
• Recurrent Neural Networks (RNNs)
• UNSUPERVISED MODEL
• Self-organizing Maps (SOM)
• Here in my project I have used Convolutional Neural Network to solve my classification problems.
Convolution Neural Network (CNN)
• CNNs were specially designed for image data and might be the most efficient and flexible model
for image classification problems.
• CNN have multiple layers that processes the image, extracts features and classifies to correct
class.
• Convolution layer: It consists several filters that performs feature extraction
• Rectified Linear Unit (ReLU) : To introduce non-linearity in our ConvNet. Output is rectified feature map.
• Pooling layer: It is a down-sampling operation that reduces the dimensions of the feature map. Here I
have used the Max Pooling layer which selects max value from the region covered by the filter matrix.
• Fully connected layer: A fully connected layer forms when the flattened matrix from the pooling layer is
fed as an input, which classifies and identifies the images.
LAYERS OF A BASIC CNN MODEL
Convolution + ReLU + MaxPooling
Fully Connected Layer
Figure 2: Layers in a basic CNN model
MNIST DATASET
• Modified national institute of standards and Technology
(MNIST) dataset. [2]
• It is a dataset of 60,000 training samples and 10,000
test samples and all samples are indeed a square with
28x28 pixels and all are in gray format.
Figure 3: MNIST dataset [3]
BASIC STEPS NEED TO BE FOLLOWED
CREATING THE MODEL
• Design the sequential model that consists following layers:
TRAIN THE MODEL
• Once we have the model, following steps are followed for training:
COMPARISON OF DIFFERENT MODEL (VARIED BY LAYERS)
Layers
Dropout
layer used
Batch size Epoch
Max Train
Accuracy
Max Validation
Accuracy
Total Test Loss
Conv1 + Pooling1 +
Conv2 + Pooling2 +
Hidden1 + Hidden2
One ( after
Hidden1 layer)
64 15 98.18% 99.04% 0.0267
Conv1 + Conv2 +
Pooling + Hidden1 +
Hidden2
No 64 15 99.88% 98.57% 0.0428
Conv1 + Pooling1 +
Conv2 + Pooling2 +
Hidden1 + Hidden2
Two (after
pooling2 and
hidden1 layers)
64 15 99.62% 99.64% 0.0239
Conv1 + Conv2 +
Pooling + Hidden1 +
Hidden2
One (after
Hidden1 layer)
64 15 98.19% 99.17% 0.0261
DISCUSSION
• Although we achieve a training accuracy of 99.88% in case 2, but we are not considered that
model optimal, as it produces maximum test loss of 0.0428 which results due to overfitting.
• In case 3, we have achieved a validation accuracy of 99.64% which is most among all the test
cases which also produces minimum loss of 0.0239. Hence we consider this as our optimal
classification model.
TEST ON USER INPUT
RESULT
RESULT (CONTD.)
• We also get some wrong predicted output while testing which may cause due to training loss or
may be due to some overfitting
CONCLUSION
• In this project, the variations of accuracies for handwritten digit were observed for 15 epochs by
varying the hidden layers using CNN model and MNIST digit dataset.
• The maximum accuracy in the performance was found 99.64% and the total lowest test loss is
0.0239 approximately.
• This type of higher accuracy will cooperate to speed up the performance of the machine more
adequately.
• This low loss will provide CNN better performance to attain better image resolution and noise
processing.
FUTURE SCOPE
• Make a CNN model that classifies more accurately by varying the number of hidden layers and
batch size for different handwritten style.
• An approach called “Ensemble Model” can give much better accurate prediction in recognizing
numbers.
• Include new features that can predict numbers from live or real-time videos.
REFERENCES
[1] https://soshace.Com/deep-learning-vs-machine-learning-overview-comparison/
[2] http://yann.Lecun.Com/exdb/mnist/
[3] https://en.Wikipedia.Org/wiki/mnist_database#/media/file:mnistexamples.Png
[4] https://towardsdatascience.com/a-comprehensive-guide-to-convolutional-neural-networks-
the-eli5-way-3bd2b1164a53
[5] https://papers.nips.cc/paper/2012/file/c399862d3b9d6b76c8436e924a68c45b-Paper.pdf
THANK YOU

More Related Content

What's hot

Handwritten digit recognition using image processing
Handwritten digit recognition using image processing Handwritten digit recognition using image processing
Handwritten digit recognition using image processing
anita maharjan
 
GUI based handwritten digit recognition using CNN
GUI based handwritten digit recognition using CNNGUI based handwritten digit recognition using CNN
GUI based handwritten digit recognition using CNN
Abhishek Tiwari
 
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
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
Simplilearn
 
Deep Neural Networks (DNN)
Deep Neural Networks (DNN)Deep Neural Networks (DNN)
Image classification using cnn
Image classification using cnnImage classification using cnn
Image classification using cnn
SumeraHangi
 
Deep Learning With Neural Networks
Deep Learning With Neural NetworksDeep Learning With Neural Networks
Deep Learning With Neural Networks
Aniket Maurya
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
Christian Perone
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
MoctardOLOULADE
 
Denoising autoencoder by Harish.R
Denoising autoencoder by Harish.RDenoising autoencoder by Harish.R
Denoising autoencoder by Harish.R
HARISH R
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
Suraj Aavula
 
Comparison of Learning Algorithms for Handwritten Digit Recognition
Comparison of Learning Algorithms for Handwritten Digit RecognitionComparison of Learning Algorithms for Handwritten Digit Recognition
Comparison of Learning Algorithms for Handwritten Digit Recognition
Safaa Alnabulsi
 
Training Neural Networks
Training Neural NetworksTraining Neural Networks
Training Neural Networks
Databricks
 
Artificial neural network for machine learning
Artificial neural network for machine learningArtificial neural network for machine learning
Artificial neural network for machine learning
grinu
 
Handwritten digits recognition report
Handwritten digits recognition reportHandwritten digits recognition report
Handwritten digits recognition report
Swayamdipta Saha
 
Convolutional Neural Network
Convolutional Neural NetworkConvolutional Neural Network
Convolutional Neural Network
Vignesh Suresh
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
Shuai Zhang
 
CNN Machine learning DeepLearning
CNN Machine learning DeepLearningCNN Machine learning DeepLearning
CNN Machine learning DeepLearning
Abhishek Sharma
 
Neural Networks
Neural NetworksNeural Networks
Neural Networks
NikitaRuhela
 
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
 

What's hot (20)

Handwritten digit recognition using image processing
Handwritten digit recognition using image processing Handwritten digit recognition using image processing
Handwritten digit recognition using image processing
 
GUI based handwritten digit recognition using CNN
GUI based handwritten digit recognition using CNNGUI based handwritten digit recognition using CNN
GUI based handwritten digit recognition using CNN
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep Learning
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
 
Deep Neural Networks (DNN)
Deep Neural Networks (DNN)Deep Neural Networks (DNN)
Deep Neural Networks (DNN)
 
Image classification using cnn
Image classification using cnnImage classification using cnn
Image classification using cnn
 
Deep Learning With Neural Networks
Deep Learning With Neural NetworksDeep Learning With Neural Networks
Deep Learning With Neural Networks
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 
Denoising autoencoder by Harish.R
Denoising autoencoder by Harish.RDenoising autoencoder by Harish.R
Denoising autoencoder by Harish.R
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
 
Comparison of Learning Algorithms for Handwritten Digit Recognition
Comparison of Learning Algorithms for Handwritten Digit RecognitionComparison of Learning Algorithms for Handwritten Digit Recognition
Comparison of Learning Algorithms for Handwritten Digit Recognition
 
Training Neural Networks
Training Neural NetworksTraining Neural Networks
Training Neural Networks
 
Artificial neural network for machine learning
Artificial neural network for machine learningArtificial neural network for machine learning
Artificial neural network for machine learning
 
Handwritten digits recognition report
Handwritten digits recognition reportHandwritten digits recognition report
Handwritten digits recognition report
 
Convolutional Neural Network
Convolutional Neural NetworkConvolutional Neural Network
Convolutional Neural Network
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
 
CNN Machine learning DeepLearning
CNN Machine learning DeepLearningCNN Machine learning DeepLearning
CNN Machine learning DeepLearning
 
Neural Networks
Neural NetworksNeural Networks
Neural Networks
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
 

Similar to Handwritten Digit Recognition and performance of various modelsation[autosaved]

Mnist soln
Mnist solnMnist soln
Mnist soln
DanishFaisal4
 
04 Deep CNN (Ch_01 to Ch_3).pptx
04 Deep CNN (Ch_01 to Ch_3).pptx04 Deep CNN (Ch_01 to Ch_3).pptx
04 Deep CNN (Ch_01 to Ch_3).pptx
ZainULABIDIN496386
 
Convolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular ArchitecturesConvolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular Architectures
ananth
 
Modern Convolutional Neural Network techniques for image segmentation
Modern Convolutional Neural Network techniques for image segmentationModern Convolutional Neural Network techniques for image segmentation
Modern Convolutional Neural Network techniques for image segmentation
Gioele Ciaparrone
 
Image Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A surveyImage Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A survey
NUPUR YADAV
 
build a Convolutional Neural Network (CNN) using TensorFlow in Python
build a Convolutional Neural Network (CNN) using TensorFlow in Pythonbuild a Convolutional Neural Network (CNN) using TensorFlow in Python
build a Convolutional Neural Network (CNN) using TensorFlow in Python
Kv Sagar
 
intro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptxintro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptx
ssuser3aa461
 
Teach a neural network to read handwriting
Teach a neural network to read handwritingTeach a neural network to read handwriting
Teach a neural network to read handwriting
Vipul Kaushal
 
cnn ppt.pptx
cnn ppt.pptxcnn ppt.pptx
cnn ppt.pptx
rohithprabhas1
 
lec6a.ppt
lec6a.pptlec6a.ppt
lec6a.ppt
SaadMemon23
 
Garbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning TechniquesGarbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning Techniques
IRJET Journal
 
Deep learning with keras
Deep learning with kerasDeep learning with keras
Deep learning with keras
MOHITKUMAR1379
 
Fake currency detection using knn algorithm.pptx
Fake currency detection using knn algorithm.pptxFake currency detection using knn algorithm.pptx
Fake currency detection using knn algorithm.pptx
KajalJaswal3
 
PR-183: MixNet: Mixed Depthwise Convolutional Kernels
PR-183: MixNet: Mixed Depthwise Convolutional KernelsPR-183: MixNet: Mixed Depthwise Convolutional Kernels
PR-183: MixNet: Mixed Depthwise Convolutional Kernels
Jinwon Lee
 
Cvpr 2018 papers review (efficient computing)
Cvpr 2018 papers review (efficient computing)Cvpr 2018 papers review (efficient computing)
Cvpr 2018 papers review (efficient computing)
DonghyunKang12
 
Introduction to CNN Models: DenseNet & MobileNet
Introduction to CNN Models: DenseNet & MobileNetIntroduction to CNN Models: DenseNet & MobileNet
Introduction to CNN Models: DenseNet & MobileNet
KrishnakoumarC
 
Presentation_Conversion of Sign language to text.pptx
Presentation_Conversion of Sign language to text.pptxPresentation_Conversion of Sign language to text.pptx
Presentation_Conversion of Sign language to text.pptx
sandeep506550
 
Sign Detection from Hearing Impaired
Sign Detection from Hearing ImpairedSign Detection from Hearing Impaired
Sign Detection from Hearing Impaired
IRJET Journal
 
Introduction to computer vision with Convoluted Neural Networks
Introduction to computer vision with Convoluted Neural NetworksIntroduction to computer vision with Convoluted Neural Networks
Introduction to computer vision with Convoluted Neural Networks
MarcinJedyk
 

Similar to Handwritten Digit Recognition and performance of various modelsation[autosaved] (20)

Mnist soln
Mnist solnMnist soln
Mnist soln
 
04 Deep CNN (Ch_01 to Ch_3).pptx
04 Deep CNN (Ch_01 to Ch_3).pptx04 Deep CNN (Ch_01 to Ch_3).pptx
04 Deep CNN (Ch_01 to Ch_3).pptx
 
Convolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular ArchitecturesConvolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular Architectures
 
Modern Convolutional Neural Network techniques for image segmentation
Modern Convolutional Neural Network techniques for image segmentationModern Convolutional Neural Network techniques for image segmentation
Modern Convolutional Neural Network techniques for image segmentation
 
Image Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A surveyImage Segmentation Using Deep Learning : A survey
Image Segmentation Using Deep Learning : A survey
 
build a Convolutional Neural Network (CNN) using TensorFlow in Python
build a Convolutional Neural Network (CNN) using TensorFlow in Pythonbuild a Convolutional Neural Network (CNN) using TensorFlow in Python
build a Convolutional Neural Network (CNN) using TensorFlow in Python
 
intro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptxintro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptx
 
Teach a neural network to read handwriting
Teach a neural network to read handwritingTeach a neural network to read handwriting
Teach a neural network to read handwriting
 
cnn ppt.pptx
cnn ppt.pptxcnn ppt.pptx
cnn ppt.pptx
 
Dl
DlDl
Dl
 
lec6a.ppt
lec6a.pptlec6a.ppt
lec6a.ppt
 
Garbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning TechniquesGarbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning Techniques
 
Deep learning with keras
Deep learning with kerasDeep learning with keras
Deep learning with keras
 
Fake currency detection using knn algorithm.pptx
Fake currency detection using knn algorithm.pptxFake currency detection using knn algorithm.pptx
Fake currency detection using knn algorithm.pptx
 
PR-183: MixNet: Mixed Depthwise Convolutional Kernels
PR-183: MixNet: Mixed Depthwise Convolutional KernelsPR-183: MixNet: Mixed Depthwise Convolutional Kernels
PR-183: MixNet: Mixed Depthwise Convolutional Kernels
 
Cvpr 2018 papers review (efficient computing)
Cvpr 2018 papers review (efficient computing)Cvpr 2018 papers review (efficient computing)
Cvpr 2018 papers review (efficient computing)
 
Introduction to CNN Models: DenseNet & MobileNet
Introduction to CNN Models: DenseNet & MobileNetIntroduction to CNN Models: DenseNet & MobileNet
Introduction to CNN Models: DenseNet & MobileNet
 
Presentation_Conversion of Sign language to text.pptx
Presentation_Conversion of Sign language to text.pptxPresentation_Conversion of Sign language to text.pptx
Presentation_Conversion of Sign language to text.pptx
 
Sign Detection from Hearing Impaired
Sign Detection from Hearing ImpairedSign Detection from Hearing Impaired
Sign Detection from Hearing Impaired
 
Introduction to computer vision with Convoluted Neural Networks
Introduction to computer vision with Convoluted Neural NetworksIntroduction to computer vision with Convoluted Neural Networks
Introduction to computer vision with Convoluted Neural Networks
 

Recently uploaded

Circulatory system_ Laplace law. Ohms law.reynaults law,baro-chemo-receptors-...
Circulatory system_ Laplace law. Ohms law.reynaults law,baro-chemo-receptors-...Circulatory system_ Laplace law. Ohms law.reynaults law,baro-chemo-receptors-...
Circulatory system_ Laplace law. Ohms law.reynaults law,baro-chemo-receptors-...
muralinath2
 
insect morphology and physiology of insect
insect morphology and physiology of insectinsect morphology and physiology of insect
insect morphology and physiology of insect
anitaento25
 
justice-and-fairness-ethics with example
justice-and-fairness-ethics with examplejustice-and-fairness-ethics with example
justice-and-fairness-ethics with example
azzyixes
 
Hemoglobin metabolism_pathophysiology.pptx
Hemoglobin metabolism_pathophysiology.pptxHemoglobin metabolism_pathophysiology.pptx
Hemoglobin metabolism_pathophysiology.pptx
muralinath2
 
Cancer cell metabolism: special Reference to Lactate Pathway
Cancer cell metabolism: special Reference to Lactate PathwayCancer cell metabolism: special Reference to Lactate Pathway
Cancer cell metabolism: special Reference to Lactate Pathway
AADYARAJPANDEY1
 
Astronomy Update- Curiosity’s exploration of Mars _ Local Briefs _ leadertele...
Astronomy Update- Curiosity’s exploration of Mars _ Local Briefs _ leadertele...Astronomy Update- Curiosity’s exploration of Mars _ Local Briefs _ leadertele...
Astronomy Update- Curiosity’s exploration of Mars _ Local Briefs _ leadertele...
NathanBaughman3
 
PRESENTATION ABOUT PRINCIPLE OF COSMATIC EVALUATION
PRESENTATION ABOUT PRINCIPLE OF COSMATIC EVALUATIONPRESENTATION ABOUT PRINCIPLE OF COSMATIC EVALUATION
PRESENTATION ABOUT PRINCIPLE OF COSMATIC EVALUATION
ChetanK57
 
THE IMPORTANCE OF MARTIAN ATMOSPHERE SAMPLE RETURN.
THE IMPORTANCE OF MARTIAN ATMOSPHERE SAMPLE RETURN.THE IMPORTANCE OF MARTIAN ATMOSPHERE SAMPLE RETURN.
THE IMPORTANCE OF MARTIAN ATMOSPHERE SAMPLE RETURN.
Sérgio Sacani
 
EY - Supply Chain Services 2018_template.pptx
EY - Supply Chain Services 2018_template.pptxEY - Supply Chain Services 2018_template.pptx
EY - Supply Chain Services 2018_template.pptx
AlguinaldoKong
 
general properties of oerganologametal.ppt
general properties of oerganologametal.pptgeneral properties of oerganologametal.ppt
general properties of oerganologametal.ppt
IqrimaNabilatulhusni
 
ESR_factors_affect-clinic significance-Pathysiology.pptx
ESR_factors_affect-clinic significance-Pathysiology.pptxESR_factors_affect-clinic significance-Pathysiology.pptx
ESR_factors_affect-clinic significance-Pathysiology.pptx
muralinath2
 
Orion Air Quality Monitoring Systems - CWS
Orion Air Quality Monitoring Systems - CWSOrion Air Quality Monitoring Systems - CWS
Orion Air Quality Monitoring Systems - CWS
Columbia Weather Systems
 
Large scale production of streptomycin.pptx
Large scale production of streptomycin.pptxLarge scale production of streptomycin.pptx
Large scale production of streptomycin.pptx
Cherry
 
Multi-source connectivity as the driver of solar wind variability in the heli...
Multi-source connectivity as the driver of solar wind variability in the heli...Multi-source connectivity as the driver of solar wind variability in the heli...
Multi-source connectivity as the driver of solar wind variability in the heli...
Sérgio Sacani
 
RNA INTERFERENCE: UNRAVELING GENETIC SILENCING
RNA INTERFERENCE: UNRAVELING GENETIC SILENCINGRNA INTERFERENCE: UNRAVELING GENETIC SILENCING
RNA INTERFERENCE: UNRAVELING GENETIC SILENCING
AADYARAJPANDEY1
 
Anemia_ different types_causes_ conditions
Anemia_ different types_causes_ conditionsAnemia_ different types_causes_ conditions
Anemia_ different types_causes_ conditions
muralinath2
 
extra-chromosomal-inheritance[1].pptx.pdfpdf
extra-chromosomal-inheritance[1].pptx.pdfpdfextra-chromosomal-inheritance[1].pptx.pdfpdf
extra-chromosomal-inheritance[1].pptx.pdfpdf
DiyaBiswas10
 
(May 29th, 2024) Advancements in Intravital Microscopy- Insights for Preclini...
(May 29th, 2024) Advancements in Intravital Microscopy- Insights for Preclini...(May 29th, 2024) Advancements in Intravital Microscopy- Insights for Preclini...
(May 29th, 2024) Advancements in Intravital Microscopy- Insights for Preclini...
Scintica Instrumentation
 
filosofia boliviana introducción jsjdjd.pptx
filosofia boliviana introducción jsjdjd.pptxfilosofia boliviana introducción jsjdjd.pptx
filosofia boliviana introducción jsjdjd.pptx
IvanMallco1
 
Citrus Greening Disease and its Management
Citrus Greening Disease and its ManagementCitrus Greening Disease and its Management
Citrus Greening Disease and its Management
subedisuryaofficial
 

Recently uploaded (20)

Circulatory system_ Laplace law. Ohms law.reynaults law,baro-chemo-receptors-...
Circulatory system_ Laplace law. Ohms law.reynaults law,baro-chemo-receptors-...Circulatory system_ Laplace law. Ohms law.reynaults law,baro-chemo-receptors-...
Circulatory system_ Laplace law. Ohms law.reynaults law,baro-chemo-receptors-...
 
insect morphology and physiology of insect
insect morphology and physiology of insectinsect morphology and physiology of insect
insect morphology and physiology of insect
 
justice-and-fairness-ethics with example
justice-and-fairness-ethics with examplejustice-and-fairness-ethics with example
justice-and-fairness-ethics with example
 
Hemoglobin metabolism_pathophysiology.pptx
Hemoglobin metabolism_pathophysiology.pptxHemoglobin metabolism_pathophysiology.pptx
Hemoglobin metabolism_pathophysiology.pptx
 
Cancer cell metabolism: special Reference to Lactate Pathway
Cancer cell metabolism: special Reference to Lactate PathwayCancer cell metabolism: special Reference to Lactate Pathway
Cancer cell metabolism: special Reference to Lactate Pathway
 
Astronomy Update- Curiosity’s exploration of Mars _ Local Briefs _ leadertele...
Astronomy Update- Curiosity’s exploration of Mars _ Local Briefs _ leadertele...Astronomy Update- Curiosity’s exploration of Mars _ Local Briefs _ leadertele...
Astronomy Update- Curiosity’s exploration of Mars _ Local Briefs _ leadertele...
 
PRESENTATION ABOUT PRINCIPLE OF COSMATIC EVALUATION
PRESENTATION ABOUT PRINCIPLE OF COSMATIC EVALUATIONPRESENTATION ABOUT PRINCIPLE OF COSMATIC EVALUATION
PRESENTATION ABOUT PRINCIPLE OF COSMATIC EVALUATION
 
THE IMPORTANCE OF MARTIAN ATMOSPHERE SAMPLE RETURN.
THE IMPORTANCE OF MARTIAN ATMOSPHERE SAMPLE RETURN.THE IMPORTANCE OF MARTIAN ATMOSPHERE SAMPLE RETURN.
THE IMPORTANCE OF MARTIAN ATMOSPHERE SAMPLE RETURN.
 
EY - Supply Chain Services 2018_template.pptx
EY - Supply Chain Services 2018_template.pptxEY - Supply Chain Services 2018_template.pptx
EY - Supply Chain Services 2018_template.pptx
 
general properties of oerganologametal.ppt
general properties of oerganologametal.pptgeneral properties of oerganologametal.ppt
general properties of oerganologametal.ppt
 
ESR_factors_affect-clinic significance-Pathysiology.pptx
ESR_factors_affect-clinic significance-Pathysiology.pptxESR_factors_affect-clinic significance-Pathysiology.pptx
ESR_factors_affect-clinic significance-Pathysiology.pptx
 
Orion Air Quality Monitoring Systems - CWS
Orion Air Quality Monitoring Systems - CWSOrion Air Quality Monitoring Systems - CWS
Orion Air Quality Monitoring Systems - CWS
 
Large scale production of streptomycin.pptx
Large scale production of streptomycin.pptxLarge scale production of streptomycin.pptx
Large scale production of streptomycin.pptx
 
Multi-source connectivity as the driver of solar wind variability in the heli...
Multi-source connectivity as the driver of solar wind variability in the heli...Multi-source connectivity as the driver of solar wind variability in the heli...
Multi-source connectivity as the driver of solar wind variability in the heli...
 
RNA INTERFERENCE: UNRAVELING GENETIC SILENCING
RNA INTERFERENCE: UNRAVELING GENETIC SILENCINGRNA INTERFERENCE: UNRAVELING GENETIC SILENCING
RNA INTERFERENCE: UNRAVELING GENETIC SILENCING
 
Anemia_ different types_causes_ conditions
Anemia_ different types_causes_ conditionsAnemia_ different types_causes_ conditions
Anemia_ different types_causes_ conditions
 
extra-chromosomal-inheritance[1].pptx.pdfpdf
extra-chromosomal-inheritance[1].pptx.pdfpdfextra-chromosomal-inheritance[1].pptx.pdfpdf
extra-chromosomal-inheritance[1].pptx.pdfpdf
 
(May 29th, 2024) Advancements in Intravital Microscopy- Insights for Preclini...
(May 29th, 2024) Advancements in Intravital Microscopy- Insights for Preclini...(May 29th, 2024) Advancements in Intravital Microscopy- Insights for Preclini...
(May 29th, 2024) Advancements in Intravital Microscopy- Insights for Preclini...
 
filosofia boliviana introducción jsjdjd.pptx
filosofia boliviana introducción jsjdjd.pptxfilosofia boliviana introducción jsjdjd.pptx
filosofia boliviana introducción jsjdjd.pptx
 
Citrus Greening Disease and its Management
Citrus Greening Disease and its ManagementCitrus Greening Disease and its Management
Citrus Greening Disease and its Management
 

Handwritten Digit Recognition and performance of various modelsation[autosaved]

  • 1. HANDWRITTEN NUMBER RECOGNITION USING CNN AND COMPARISON OF PERFORMANCE OF MODELS VARYING BY LAYERS Presented by: Name: Subhradeep Maji, M.Sc, Part II, 2nd Semester Department of Computer Science and Engineering University of Kalyani
  • 2. CONTENTS • Introduction • Purpose • Digits recognition method • Different deep learning models • Convolution neural networks (CNN) • Layers of basic CNN model • MNIST dataset • Basic steps need to be followed • Creating the model • Train the model • Test on user input • Comparison of different model ( varied by layers) • Discussion • Result • Conclusion • Future work
  • 3. INTRODUCTION • With the rapid growth of technology, application of deep learning is increasing. Handwritten Digit Recognition is one of the more important researches of deep learning in the current age. • This project describes an approach for efficiently recognize digits or numbers written by different people with the help convolution neural network (CNN), taking into account different writing style and ink color. This model is finely tuned with the “Modified National Institute of Standards and Technology (MNIST)” dataset. • Here we will compare the performance of different models based on different layers further.
  • 4. PURPOSE • The main purpose of a handwriting digit recognition system is to convert handwritten digits into machine readable formats. • The main objective of this work is to effectively recognize handwritten digits and making several official operations easier, error free and time efficiency.
  • 5. DIGIT RECOGNITION METHODS Deep learning is the most convenient method of recognizing digits . Figure 1: Performance Comparison between Deep Learning vs Other Algorithms [1]
  • 6. DIFFERENT DEEP LEARNING MODELS • SUPERVISED MODEL • Classic Neural Networks (Multilayer Perceptron) • Convolutional Neural Networks (CNNs) • Recurrent Neural Networks (RNNs) • UNSUPERVISED MODEL • Self-organizing Maps (SOM) • Here in my project I have used Convolutional Neural Network to solve my classification problems.
  • 7. Convolution Neural Network (CNN) • CNNs were specially designed for image data and might be the most efficient and flexible model for image classification problems. • CNN have multiple layers that processes the image, extracts features and classifies to correct class. • Convolution layer: It consists several filters that performs feature extraction • Rectified Linear Unit (ReLU) : To introduce non-linearity in our ConvNet. Output is rectified feature map. • Pooling layer: It is a down-sampling operation that reduces the dimensions of the feature map. Here I have used the Max Pooling layer which selects max value from the region covered by the filter matrix. • Fully connected layer: A fully connected layer forms when the flattened matrix from the pooling layer is fed as an input, which classifies and identifies the images.
  • 8. LAYERS OF A BASIC CNN MODEL Convolution + ReLU + MaxPooling Fully Connected Layer Figure 2: Layers in a basic CNN model
  • 9. MNIST DATASET • Modified national institute of standards and Technology (MNIST) dataset. [2] • It is a dataset of 60,000 training samples and 10,000 test samples and all samples are indeed a square with 28x28 pixels and all are in gray format. Figure 3: MNIST dataset [3]
  • 10. BASIC STEPS NEED TO BE FOLLOWED
  • 11. CREATING THE MODEL • Design the sequential model that consists following layers:
  • 12. TRAIN THE MODEL • Once we have the model, following steps are followed for training:
  • 13. COMPARISON OF DIFFERENT MODEL (VARIED BY LAYERS) Layers Dropout layer used Batch size Epoch Max Train Accuracy Max Validation Accuracy Total Test Loss Conv1 + Pooling1 + Conv2 + Pooling2 + Hidden1 + Hidden2 One ( after Hidden1 layer) 64 15 98.18% 99.04% 0.0267 Conv1 + Conv2 + Pooling + Hidden1 + Hidden2 No 64 15 99.88% 98.57% 0.0428 Conv1 + Pooling1 + Conv2 + Pooling2 + Hidden1 + Hidden2 Two (after pooling2 and hidden1 layers) 64 15 99.62% 99.64% 0.0239 Conv1 + Conv2 + Pooling + Hidden1 + Hidden2 One (after Hidden1 layer) 64 15 98.19% 99.17% 0.0261
  • 14. DISCUSSION • Although we achieve a training accuracy of 99.88% in case 2, but we are not considered that model optimal, as it produces maximum test loss of 0.0428 which results due to overfitting. • In case 3, we have achieved a validation accuracy of 99.64% which is most among all the test cases which also produces minimum loss of 0.0239. Hence we consider this as our optimal classification model.
  • 15. TEST ON USER INPUT
  • 17. RESULT (CONTD.) • We also get some wrong predicted output while testing which may cause due to training loss or may be due to some overfitting
  • 18. CONCLUSION • In this project, the variations of accuracies for handwritten digit were observed for 15 epochs by varying the hidden layers using CNN model and MNIST digit dataset. • The maximum accuracy in the performance was found 99.64% and the total lowest test loss is 0.0239 approximately. • This type of higher accuracy will cooperate to speed up the performance of the machine more adequately. • This low loss will provide CNN better performance to attain better image resolution and noise processing.
  • 19. FUTURE SCOPE • Make a CNN model that classifies more accurately by varying the number of hidden layers and batch size for different handwritten style. • An approach called “Ensemble Model” can give much better accurate prediction in recognizing numbers. • Include new features that can predict numbers from live or real-time videos.
  • 20. REFERENCES [1] https://soshace.Com/deep-learning-vs-machine-learning-overview-comparison/ [2] http://yann.Lecun.Com/exdb/mnist/ [3] https://en.Wikipedia.Org/wiki/mnist_database#/media/file:mnistexamples.Png [4] https://towardsdatascience.com/a-comprehensive-guide-to-convolutional-neural-networks- the-eli5-way-3bd2b1164a53 [5] https://papers.nips.cc/paper/2012/file/c399862d3b9d6b76c8436e924a68c45b-Paper.pdf