SlideShare ist ein Scribd-Unternehmen logo
1 von 21
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

Weitere ähnliche Inhalte

Was ist angesagt?

Introduction to Keras
Introduction to KerasIntroduction to Keras
Introduction to KerasJohn Ramey
 
Artificial Neural Network in Medical Diagnosis
Artificial Neural Network in Medical DiagnosisArtificial Neural Network in Medical Diagnosis
Artificial Neural Network in Medical DiagnosisAdityendra Kumar Singh
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksChristian Perone
 
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 RecognitionSafaa Alnabulsi
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningMohamed Loey
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network Yan Xu
 
Sequence Modelling with Deep Learning
Sequence Modelling with Deep LearningSequence Modelling with Deep Learning
Sequence Modelling with Deep LearningNatasha Latysheva
 
Autoencoders in Deep Learning
Autoencoders in Deep LearningAutoencoders in Deep Learning
Autoencoders in Deep Learningmilad abbasi
 
Deep Learning - CNN and RNN
Deep Learning - CNN and RNNDeep Learning - CNN and RNN
Deep Learning - CNN and RNNAshray Bhandare
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learningJunaid Bhat
 
MNIST and machine learning - presentation
MNIST and machine learning - presentationMNIST and machine learning - presentation
MNIST and machine learning - presentationSteve Dias da Cruz
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep LearningOswald Campesato
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural networkMojammilHusain
 
Artificial Intelligence: Artificial Neural Networks
Artificial Intelligence: Artificial Neural NetworksArtificial Intelligence: Artificial Neural Networks
Artificial Intelligence: Artificial Neural NetworksThe Integral Worm
 
Handwritten Digit Recognition
Handwritten Digit RecognitionHandwritten Digit Recognition
Handwritten Digit Recognitionijtsrd
 
Artificial Neural Network
Artificial Neural NetworkArtificial Neural Network
Artificial Neural NetworkAtul Krishna
 
Convolutional neural network from VGG to DenseNet
Convolutional neural network from VGG to DenseNetConvolutional neural network from VGG to DenseNet
Convolutional neural network from VGG to DenseNetSungminYou
 

Was ist angesagt? (20)

Introduction to Keras
Introduction to KerasIntroduction to Keras
Introduction to Keras
 
Artificial Neural Network in Medical Diagnosis
Artificial Neural Network in Medical DiagnosisArtificial Neural Network in Medical Diagnosis
Artificial Neural Network in Medical Diagnosis
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
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
 
cnn ppt.pptx
cnn ppt.pptxcnn ppt.pptx
cnn ppt.pptx
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep Learning
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network
 
Cnn method
Cnn methodCnn method
Cnn method
 
Sequence Modelling with Deep Learning
Sequence Modelling with Deep LearningSequence Modelling with Deep Learning
Sequence Modelling with Deep Learning
 
Deep learning.pptx
Deep learning.pptxDeep learning.pptx
Deep learning.pptx
 
Autoencoders in Deep Learning
Autoencoders in Deep LearningAutoencoders in Deep Learning
Autoencoders in Deep Learning
 
Deep Learning - CNN and RNN
Deep Learning - CNN and RNNDeep Learning - CNN and RNN
Deep Learning - CNN and RNN
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
MNIST and machine learning - presentation
MNIST and machine learning - presentationMNIST and machine learning - presentation
MNIST and machine learning - presentation
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
 
Artificial Intelligence: Artificial Neural Networks
Artificial Intelligence: Artificial Neural NetworksArtificial Intelligence: Artificial Neural Networks
Artificial Intelligence: Artificial Neural Networks
 
Handwritten Digit Recognition
Handwritten Digit RecognitionHandwritten Digit Recognition
Handwritten Digit Recognition
 
Artificial Neural Network
Artificial Neural NetworkArtificial Neural Network
Artificial Neural Network
 
Convolutional neural network from VGG to DenseNet
Convolutional neural network from VGG to DenseNetConvolutional neural network from VGG to DenseNet
Convolutional neural network from VGG to DenseNet
 

Ähnlich wie Handwritten Digit Recognition and performance of various modelsation[autosaved]

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).pptxZainULABIDIN496386
 
Convolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular ArchitecturesConvolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular Architecturesananth
 
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 segmentationGioele 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 surveyNUPUR 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 PythonKv Sagar
 
intro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptxintro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptxssuser3aa461
 
Teach a neural network to read handwriting
Teach a neural network to read handwritingTeach a neural network to read handwriting
Teach a neural network to read handwritingVipul Kaushal
 
Garbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning TechniquesGarbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning TechniquesIRJET Journal
 
Deep learning with keras
Deep learning with kerasDeep learning with keras
Deep learning with kerasMOHITKUMAR1379
 
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.pptxKajalJaswal3
 
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 KernelsJinwon 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 & MobileNetKrishnakoumarC
 
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.pptxsandeep506550
 
Sign Detection from Hearing Impaired
Sign Detection from Hearing ImpairedSign Detection from Hearing Impaired
Sign Detection from Hearing ImpairedIRJET 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 NetworksMarcinJedyk
 
Introduction to computer vision
Introduction to computer visionIntroduction to computer vision
Introduction to computer visionMarcin Jedyk
 

Ähnlich wie 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
 
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
 
Introduction to computer vision
Introduction to computer visionIntroduction to computer vision
Introduction to computer vision
 

Kürzlich hochgeladen

Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 b
Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 bAsymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 b
Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 bSérgio Sacani
 
FAIRSpectra - Enabling the FAIRification of Spectroscopy and Spectrometry
FAIRSpectra - Enabling the FAIRification of Spectroscopy and SpectrometryFAIRSpectra - Enabling the FAIRification of Spectroscopy and Spectrometry
FAIRSpectra - Enabling the FAIRification of Spectroscopy and SpectrometryAlex Henderson
 
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdf
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdfPests of cotton_Borer_Pests_Binomics_Dr.UPR.pdf
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdfPirithiRaju
 
Grade 7 - Lesson 1 - Microscope and Its Functions
Grade 7 - Lesson 1 - Microscope and Its FunctionsGrade 7 - Lesson 1 - Microscope and Its Functions
Grade 7 - Lesson 1 - Microscope and Its FunctionsOrtegaSyrineMay
 
GBSN - Microbiology (Unit 1)
GBSN - Microbiology (Unit 1)GBSN - Microbiology (Unit 1)
GBSN - Microbiology (Unit 1)Areesha Ahmad
 
Bacterial Identification and Classifications
Bacterial Identification and ClassificationsBacterial Identification and Classifications
Bacterial Identification and ClassificationsAreesha Ahmad
 
Conjugation, transduction and transformation
Conjugation, transduction and transformationConjugation, transduction and transformation
Conjugation, transduction and transformationAreesha Ahmad
 
Pests of cotton_Sucking_Pests_Dr.UPR.pdf
Pests of cotton_Sucking_Pests_Dr.UPR.pdfPests of cotton_Sucking_Pests_Dr.UPR.pdf
Pests of cotton_Sucking_Pests_Dr.UPR.pdfPirithiRaju
 
High Profile 🔝 8250077686 📞 Call Girls Service in GTB Nagar🍑
High Profile 🔝 8250077686 📞 Call Girls Service in GTB Nagar🍑High Profile 🔝 8250077686 📞 Call Girls Service in GTB Nagar🍑
High Profile 🔝 8250077686 📞 Call Girls Service in GTB Nagar🍑Damini Dixit
 
GBSN - Microbiology (Unit 2)
GBSN - Microbiology (Unit 2)GBSN - Microbiology (Unit 2)
GBSN - Microbiology (Unit 2)Areesha Ahmad
 
Dubai Call Girls Beauty Face Teen O525547819 Call Girls Dubai Young
Dubai Call Girls Beauty Face Teen O525547819 Call Girls Dubai YoungDubai Call Girls Beauty Face Teen O525547819 Call Girls Dubai Young
Dubai Call Girls Beauty Face Teen O525547819 Call Girls Dubai Youngkajalvid75
 
The Mariana Trench remarkable geological features on Earth.pptx
The Mariana Trench remarkable geological features on Earth.pptxThe Mariana Trench remarkable geological features on Earth.pptx
The Mariana Trench remarkable geological features on Earth.pptxseri bangash
 
COST ESTIMATION FOR A RESEARCH PROJECT.pptx
COST ESTIMATION FOR A RESEARCH PROJECT.pptxCOST ESTIMATION FOR A RESEARCH PROJECT.pptx
COST ESTIMATION FOR A RESEARCH PROJECT.pptxFarihaAbdulRasheed
 
Vip profile Call Girls In Lonavala 9748763073 For Genuine Sex Service At Just...
Vip profile Call Girls In Lonavala 9748763073 For Genuine Sex Service At Just...Vip profile Call Girls In Lonavala 9748763073 For Genuine Sex Service At Just...
Vip profile Call Girls In Lonavala 9748763073 For Genuine Sex Service At Just...Monika Rani
 
300003-World Science Day For Peace And Development.pptx
300003-World Science Day For Peace And Development.pptx300003-World Science Day For Peace And Development.pptx
300003-World Science Day For Peace And Development.pptxryanrooker
 
Proteomics: types, protein profiling steps etc.
Proteomics: types, protein profiling steps etc.Proteomics: types, protein profiling steps etc.
Proteomics: types, protein profiling steps etc.Silpa
 
Biogenic Sulfur Gases as Biosignatures on Temperate Sub-Neptune Waterworlds
Biogenic Sulfur Gases as Biosignatures on Temperate Sub-Neptune WaterworldsBiogenic Sulfur Gases as Biosignatures on Temperate Sub-Neptune Waterworlds
Biogenic Sulfur Gases as Biosignatures on Temperate Sub-Neptune WaterworldsSérgio Sacani
 
Introduction to Viruses
Introduction to VirusesIntroduction to Viruses
Introduction to VirusesAreesha Ahmad
 

Kürzlich hochgeladen (20)

Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 b
Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 bAsymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 b
Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 b
 
FAIRSpectra - Enabling the FAIRification of Spectroscopy and Spectrometry
FAIRSpectra - Enabling the FAIRification of Spectroscopy and SpectrometryFAIRSpectra - Enabling the FAIRification of Spectroscopy and Spectrometry
FAIRSpectra - Enabling the FAIRification of Spectroscopy and Spectrometry
 
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdf
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdfPests of cotton_Borer_Pests_Binomics_Dr.UPR.pdf
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdf
 
Grade 7 - Lesson 1 - Microscope and Its Functions
Grade 7 - Lesson 1 - Microscope and Its FunctionsGrade 7 - Lesson 1 - Microscope and Its Functions
Grade 7 - Lesson 1 - Microscope and Its Functions
 
GBSN - Microbiology (Unit 1)
GBSN - Microbiology (Unit 1)GBSN - Microbiology (Unit 1)
GBSN - Microbiology (Unit 1)
 
Bacterial Identification and Classifications
Bacterial Identification and ClassificationsBacterial Identification and Classifications
Bacterial Identification and Classifications
 
Clean In Place(CIP).pptx .
Clean In Place(CIP).pptx                 .Clean In Place(CIP).pptx                 .
Clean In Place(CIP).pptx .
 
Conjugation, transduction and transformation
Conjugation, transduction and transformationConjugation, transduction and transformation
Conjugation, transduction and transformation
 
Pests of cotton_Sucking_Pests_Dr.UPR.pdf
Pests of cotton_Sucking_Pests_Dr.UPR.pdfPests of cotton_Sucking_Pests_Dr.UPR.pdf
Pests of cotton_Sucking_Pests_Dr.UPR.pdf
 
High Profile 🔝 8250077686 📞 Call Girls Service in GTB Nagar🍑
High Profile 🔝 8250077686 📞 Call Girls Service in GTB Nagar🍑High Profile 🔝 8250077686 📞 Call Girls Service in GTB Nagar🍑
High Profile 🔝 8250077686 📞 Call Girls Service in GTB Nagar🍑
 
GBSN - Microbiology (Unit 2)
GBSN - Microbiology (Unit 2)GBSN - Microbiology (Unit 2)
GBSN - Microbiology (Unit 2)
 
Dubai Call Girls Beauty Face Teen O525547819 Call Girls Dubai Young
Dubai Call Girls Beauty Face Teen O525547819 Call Girls Dubai YoungDubai Call Girls Beauty Face Teen O525547819 Call Girls Dubai Young
Dubai Call Girls Beauty Face Teen O525547819 Call Girls Dubai Young
 
The Mariana Trench remarkable geological features on Earth.pptx
The Mariana Trench remarkable geological features on Earth.pptxThe Mariana Trench remarkable geological features on Earth.pptx
The Mariana Trench remarkable geological features on Earth.pptx
 
COST ESTIMATION FOR A RESEARCH PROJECT.pptx
COST ESTIMATION FOR A RESEARCH PROJECT.pptxCOST ESTIMATION FOR A RESEARCH PROJECT.pptx
COST ESTIMATION FOR A RESEARCH PROJECT.pptx
 
Vip profile Call Girls In Lonavala 9748763073 For Genuine Sex Service At Just...
Vip profile Call Girls In Lonavala 9748763073 For Genuine Sex Service At Just...Vip profile Call Girls In Lonavala 9748763073 For Genuine Sex Service At Just...
Vip profile Call Girls In Lonavala 9748763073 For Genuine Sex Service At Just...
 
Site Acceptance Test .
Site Acceptance Test                    .Site Acceptance Test                    .
Site Acceptance Test .
 
300003-World Science Day For Peace And Development.pptx
300003-World Science Day For Peace And Development.pptx300003-World Science Day For Peace And Development.pptx
300003-World Science Day For Peace And Development.pptx
 
Proteomics: types, protein profiling steps etc.
Proteomics: types, protein profiling steps etc.Proteomics: types, protein profiling steps etc.
Proteomics: types, protein profiling steps etc.
 
Biogenic Sulfur Gases as Biosignatures on Temperate Sub-Neptune Waterworlds
Biogenic Sulfur Gases as Biosignatures on Temperate Sub-Neptune WaterworldsBiogenic Sulfur Gases as Biosignatures on Temperate Sub-Neptune Waterworlds
Biogenic Sulfur Gases as Biosignatures on Temperate Sub-Neptune Waterworlds
 
Introduction to Viruses
Introduction to VirusesIntroduction to Viruses
Introduction to Viruses
 

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