SlideShare a Scribd company logo
1 of 11
HANDWRITTEN DIGIT RECOGNITION
Handwritten Digit Recognition Project
 PROBLEM STATMENT
The MNIST dataset of handwritten digits is widespread among
the data scientists and machine learning enthusiasts. It is an
amazing project to get started with the data science and
understand the processes involved in a project. The project is
implemented using the Convolutional Neural Networks and then
for real-time prediction we also build a nice graphical user
interface to draw digits on a canvas and then the model will
predict the digit."
OBJECTIVES:
MNIST data set :
It is a large data collection of handwritten digits used to train and
test various supervised machine learning algorithms.
Tenserflow :
TensorFlow is a free and open-source software library for machine
learning and artificial intelligence. It can be used across a range of tasks but has
a particular focus on training and inference of deep neural networks.
Convolutional Neural Networks(CNN) :
Convolutional Neural Networks are a type of Deep Learning Algorithm that
take the image as an input and learn the various features of the image through filters.
 PAPERS SURVEYED FROM SCIENCE DIRECT :
1. Hierarchical Convolutional Neural Network for Handwritten Digits Recognition
(https://www.sciencedirect.com/science/article/pii/S1877050920311881)
2. Hybrid CNN-SVM Classifier for Handwritten Digit
Recognition(https://www.sciencedirect.com/science/article/pii/S1877050920307754)
3. Handwritten Data Digitization Using an Anchor based Multi-Channel CNN (MCCNN)
Trained on a Hybrid Dataset (h-
EH).(https://www.sciencedirect.com/science/article/pii/S1877050921012187).
Hierarchical Convolutional Neural Network for Handwritten Digits
Recognition
 ABSTRACTION:
The application of a combination of convolutional neural networks for the
recognition of handwritten digits is considered. Recognition is carried out by
two sets of the networks following each other. The first neural network
selects two digits with maximum activation functions. Depending on the
winners, the next network is activated, which selects one digit from two. The
proposed algorithm is tested on the data from MNIST.
INTRODUCTION
 Handwritten digit recognition is mainly based on Neural networks. Neural
networks are widely used in science , technology and many other fields . One of
the main applications of networks is image processing. This includes various tasks
related to the classification, localization and recognition of objects. Similar tasks
are associated with the development of principles and the construction of systems
designed to determine whether an object belongs to one of the classes of objects.
 In present work, we consider the recognition of handwritten digits from the MNIST
database by a hierarchical convolutional neural network that interprets the image
sequentially and obtaining the correct answer
The first level. Digit recognition by convolutional neural network
 We consider the architecture of a six-layer convolution network, consisting of an
input layer containing 784 neurons (one image from the MNIST database has a
dimension of 28 by 28 pixels) and six layers:
 1. Convolutional layer, 11 cards of signs of dimension 24x24 (core bypass 5x5).
 2. Subsample layer, 11 cards of signs of dimension 12x12.
 3. Convolutional layer, 22 feature cards of dimension 8x8 (core bypass 5x5).
 4. Subsample layer. 22 cards of signs of dimension 4x4.
 5. Fully connected layer, 120 neurons.
 6. Fully connected layer, 10 neurons.
 We train the network using the backpropagation algorithm. Note that the network
parameters are established experimentally. For example, in this way the optimal
digit of matrices in the first convolutional layer was obtained, containing 11 24-
by-24 feature maps. The network was trained and tested on data representing 28
by 28 pixel handwritten digits from the MNIST database. The smallest error of the
convolutional neural network shown in the test sample from MNIST it amounted
to 0.82% 82 images from the test sample containing 10 thousand handwritten
images were incorrectly recognized. Note that we did not achieve maximum
accuracy at this stage. We write the digits of incorrectly recognized MNIST images:
115, 247, 259, 449, 582, 619, 659, 674, 740, 791, 900, 947, 1014, 1039, 1112,
The second level. Additional convolutional networks
 Additional networks are a set of convolutional neural networks trained to
recognize two digits. We have analyzed and found out that 31 such networks are
needed (equal to the digit of nonzero cells in the table). The recognition algorithm
using a combination of neural networks has the following two stages:
 1) Passage through the global network;
 2) Passage through the additional network if the difference between the maximum
values of the digits at the output does not exceed 0.7 at the first stage
KEY FINDINGS
 Convolutional Neural Networks
 Heirarical Convolutional Neural Networks
 Training And Testing MNIST datraset using Neural Nrtworks
REFERENCES
 https://www.sciencedirect.com/science/article/pii/S1877050920307754
 https://www.sciencedirect.com/science/article/pii/S1877050920311881
 https://www.sciencedirect.com/science/article/pii/S1877050921012187
 https://data-flair.training/blogs/python-deep-learning-project-handwritten-digit-
recognition/
 CONCLUSION: The hierarchical convolutional neural network is proposed for the
task of recognizing handwritten numbers. The similar task can be used for
handwriting recognition on tablet computers, recognition of postal codes for
sorting mail, processing bank checks, entering numerical entries in manually filled
forms, etc. The proposed algorithm is tested on data from MNIST.

More Related Content

What's hot

Image classification with Deep Neural Networks
Image classification with Deep Neural NetworksImage classification with Deep Neural Networks
Image classification with Deep Neural NetworksYogendra Tamang
 
AI and Deep Learning
AI and Deep LearningAI and Deep Learning
AI and Deep LearningManoj Kumar
 
Handwritten bangla-digit-recognition-using-deep-learning
Handwritten bangla-digit-recognition-using-deep-learningHandwritten bangla-digit-recognition-using-deep-learning
Handwritten bangla-digit-recognition-using-deep-learningSharmin Rubi
 
Activation function
Activation functionActivation function
Activation functionAstha Jain
 
Image feature extraction
Image feature extractionImage feature extraction
Image feature extractionRushin Shah
 
Convolutional Neural Networks
Convolutional Neural NetworksConvolutional Neural Networks
Convolutional Neural NetworksAshray Bhandare
 
Facial Emotion Recognition: A Deep Learning approach
Facial Emotion Recognition: A Deep Learning approachFacial Emotion Recognition: A Deep Learning approach
Facial Emotion Recognition: A Deep Learning approachAshwinRachha
 
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 (CNN)
Convolutional Neural Network (CNN)Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Muhammad Haroon
 
Image classification using cnn
Image classification using cnnImage classification using cnn
Image classification using cnnSumeraHangi
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural networkMojammilHusain
 
Image classification using convolutional neural network
Image classification using convolutional neural networkImage classification using convolutional neural network
Image classification using convolutional neural networkKIRAN R
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer VisionSungjoon Choi
 
Problem reduction AND OR GRAPH & AO* algorithm.ppt
Problem reduction AND OR GRAPH & AO* algorithm.pptProblem reduction AND OR GRAPH & AO* algorithm.ppt
Problem reduction AND OR GRAPH & AO* algorithm.pptarunsingh660
 
Deep Learning Explained
Deep Learning ExplainedDeep Learning Explained
Deep Learning ExplainedMelanie Swan
 
Classification using back propagation algorithm
Classification using back propagation algorithmClassification using back propagation algorithm
Classification using back propagation algorithmKIRAN R
 

What's hot (20)

Image classification with Deep Neural Networks
Image classification with Deep Neural NetworksImage classification with Deep Neural Networks
Image classification with Deep Neural Networks
 
cnn ppt.pptx
cnn ppt.pptxcnn ppt.pptx
cnn ppt.pptx
 
AI and Deep Learning
AI and Deep LearningAI and Deep Learning
AI and Deep Learning
 
Handwritten bangla-digit-recognition-using-deep-learning
Handwritten bangla-digit-recognition-using-deep-learningHandwritten bangla-digit-recognition-using-deep-learning
Handwritten bangla-digit-recognition-using-deep-learning
 
Activation function
Activation functionActivation function
Activation function
 
Image feature extraction
Image feature extractionImage feature extraction
Image feature extraction
 
Convolutional Neural Networks
Convolutional Neural NetworksConvolutional Neural Networks
Convolutional Neural Networks
 
Facial Emotion Recognition: A Deep Learning approach
Facial Emotion Recognition: A Deep Learning approachFacial Emotion Recognition: A Deep Learning approach
Facial Emotion Recognition: A Deep Learning approach
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep Learning
 
Cnn
CnnCnn
Cnn
 
Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)
 
Image classification using cnn
Image classification using cnnImage classification using cnn
Image classification using cnn
 
Perceptron
PerceptronPerceptron
Perceptron
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
 
Image classification using convolutional neural network
Image classification using convolutional neural networkImage classification using convolutional neural network
Image classification using convolutional neural network
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer Vision
 
Problem reduction AND OR GRAPH & AO* algorithm.ppt
Problem reduction AND OR GRAPH & AO* algorithm.pptProblem reduction AND OR GRAPH & AO* algorithm.ppt
Problem reduction AND OR GRAPH & AO* algorithm.ppt
 
Activation function
Activation functionActivation function
Activation function
 
Deep Learning Explained
Deep Learning ExplainedDeep Learning Explained
Deep Learning Explained
 
Classification using back propagation algorithm
Classification using back propagation algorithmClassification using back propagation algorithm
Classification using back propagation algorithm
 

Similar to HANDWRITTEN DIGIT RECOGNITIONppt1.pptx

Handwritten digits recognition report
Handwritten digits recognition reportHandwritten digits recognition report
Handwritten digits recognition reportSwayamdipta Saha
 
IRJET - Study on the Effects of Increase in the Depth of the Feature Extracto...
IRJET - Study on the Effects of Increase in the Depth of the Feature Extracto...IRJET - Study on the Effects of Increase in the Depth of the Feature Extracto...
IRJET - Study on the Effects of Increase in the Depth of the Feature Extracto...IRJET Journal
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learningRADO7900
 
Looking into the Black Box - A Theoretical Insight into Deep Learning Networks
Looking into the Black Box - A Theoretical Insight into Deep Learning NetworksLooking into the Black Box - A Theoretical Insight into Deep Learning Networks
Looking into the Black Box - A Theoretical Insight into Deep Learning NetworksDinesh V
 
Hand Written Digit Classification
Hand Written Digit ClassificationHand Written Digit Classification
Hand Written Digit Classificationijtsrd
 
Handwritten digit and symbol recognition using CNN.pptx
Handwritten digit and symbol recognition using CNN.pptxHandwritten digit and symbol recognition using CNN.pptx
Handwritten digit and symbol recognition using CNN.pptxYasmin297583
 
Artificial Neural Network for hand Gesture recognition
Artificial Neural Network for hand Gesture recognitionArtificial Neural Network for hand Gesture recognition
Artificial Neural Network for hand Gesture recognitionVigneshwer Dhinakaran
 
Intelligent Handwritten Digit Recognition using Artificial Neural Network
Intelligent Handwritten Digit Recognition using Artificial Neural NetworkIntelligent Handwritten Digit Recognition using Artificial Neural Network
Intelligent Handwritten Digit Recognition using Artificial Neural NetworkIJERA Editor
 
Build a simple image recognition system with tensor flow
Build a simple image recognition system with tensor flowBuild a simple image recognition system with tensor flow
Build a simple image recognition system with tensor flowDebasisMohanty37
 
Eckovation machine learning project
Eckovation machine learning projectEckovation machine learning project
Eckovation machine learning projectVinod Jatav
 
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
 
Deep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial IntelligenceDeep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial IntelligenceLukas Masuch
 
International Journal of Engineering Research and Development (IJERD)
International Journal of Engineering Research and Development (IJERD)International Journal of Engineering Research and Development (IJERD)
International Journal of Engineering Research and Development (IJERD)IJERD Editor
 
Deep Learning Training at Intel
Deep Learning Training at IntelDeep Learning Training at Intel
Deep Learning Training at IntelAtul Vaish
 
A new study of dss based on neural network and data mining
A new study of dss based on neural network and data miningA new study of dss based on neural network and data mining
A new study of dss based on neural network and data miningAttaporn Ninsuwan
 

Similar to HANDWRITTEN DIGIT RECOGNITIONppt1.pptx (20)

Handwritten digits recognition report
Handwritten digits recognition reportHandwritten digits recognition report
Handwritten digits recognition report
 
IRJET - Study on the Effects of Increase in the Depth of the Feature Extracto...
IRJET - Study on the Effects of Increase in the Depth of the Feature Extracto...IRJET - Study on the Effects of Increase in the Depth of the Feature Extracto...
IRJET - Study on the Effects of Increase in the Depth of the Feature Extracto...
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
 
BATCH.pptx
BATCH.pptxBATCH.pptx
BATCH.pptx
 
Looking into the Black Box - A Theoretical Insight into Deep Learning Networks
Looking into the Black Box - A Theoretical Insight into Deep Learning NetworksLooking into the Black Box - A Theoretical Insight into Deep Learning Networks
Looking into the Black Box - A Theoretical Insight into Deep Learning Networks
 
Cnn
CnnCnn
Cnn
 
Hand Written Digit Classification
Hand Written Digit ClassificationHand Written Digit Classification
Hand Written Digit Classification
 
Handwritten digit and symbol recognition using CNN.pptx
Handwritten digit and symbol recognition using CNN.pptxHandwritten digit and symbol recognition using CNN.pptx
Handwritten digit and symbol recognition using CNN.pptx
 
Artificial Neural Network for hand Gesture recognition
Artificial Neural Network for hand Gesture recognitionArtificial Neural Network for hand Gesture recognition
Artificial Neural Network for hand Gesture recognition
 
Intelligent Handwritten Digit Recognition using Artificial Neural Network
Intelligent Handwritten Digit Recognition using Artificial Neural NetworkIntelligent Handwritten Digit Recognition using Artificial Neural Network
Intelligent Handwritten Digit Recognition using Artificial Neural Network
 
Build a simple image recognition system with tensor flow
Build a simple image recognition system with tensor flowBuild a simple image recognition system with tensor flow
Build a simple image recognition system with tensor flow
 
Neural Network
Neural NetworkNeural Network
Neural Network
 
Eckovation machine learning project
Eckovation machine learning projectEckovation machine learning project
Eckovation machine learning project
 
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
 
Deep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial IntelligenceDeep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial Intelligence
 
International Journal of Engineering Research and Development (IJERD)
International Journal of Engineering Research and Development (IJERD)International Journal of Engineering Research and Development (IJERD)
International Journal of Engineering Research and Development (IJERD)
 
Deep Learning Training at Intel
Deep Learning Training at IntelDeep Learning Training at Intel
Deep Learning Training at Intel
 
A new study of dss based on neural network and data mining
A new study of dss based on neural network and data miningA new study of dss based on neural network and data mining
A new study of dss based on neural network and data mining
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
88 92
88 9288 92
88 92
 

Recently uploaded

Schema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfSchema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfLars Albertsson
 
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一fhwihughh
 
9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home Service9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home ServiceSapana Sha
 
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfKantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfSocial Samosa
 
GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]📊 Markus Baersch
 
PKS-TGC-1084-630 - Stage 1 Proposal.pptx
PKS-TGC-1084-630 - Stage 1 Proposal.pptxPKS-TGC-1084-630 - Stage 1 Proposal.pptx
PKS-TGC-1084-630 - Stage 1 Proposal.pptxPramod Kumar Srivastava
 
RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998YohFuh
 
{Pooja: 9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...
{Pooja:  9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...{Pooja:  9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...
{Pooja: 9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...Pooja Nehwal
 
04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationships04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationshipsccctableauusergroup
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingNeil Barnes
 
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptxAmazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptxAbdelrhman abooda
 
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)jennyeacort
 
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls DubaiDubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls Dubaihf8803863
 
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024thyngster
 
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...dajasot375
 
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130Suhani Kapoor
 
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...Suhani Kapoor
 

Recently uploaded (20)

Schema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfSchema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdf
 
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
 
9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home Service9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home Service
 
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfKantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
 
GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]
 
PKS-TGC-1084-630 - Stage 1 Proposal.pptx
PKS-TGC-1084-630 - Stage 1 Proposal.pptxPKS-TGC-1084-630 - Stage 1 Proposal.pptx
PKS-TGC-1084-630 - Stage 1 Proposal.pptx
 
Call Girls in Saket 99530🔝 56974 Escort Service
Call Girls in Saket 99530🔝 56974 Escort ServiceCall Girls in Saket 99530🔝 56974 Escort Service
Call Girls in Saket 99530🔝 56974 Escort Service
 
RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998
 
{Pooja: 9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...
{Pooja:  9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...{Pooja:  9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...
{Pooja: 9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...
 
04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationships04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationships
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data Storytelling
 
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptxAmazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
Amazon TQM (2) Amazon TQM (2)Amazon TQM (2).pptx
 
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
 
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
 
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls DubaiDubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
 
E-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptxE-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptx
 
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
 
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...
 
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
VIP Call Girls Service Miyapur Hyderabad Call +91-8250192130
 
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
 

HANDWRITTEN DIGIT RECOGNITIONppt1.pptx

  • 2. Handwritten Digit Recognition Project  PROBLEM STATMENT The MNIST dataset of handwritten digits is widespread among the data scientists and machine learning enthusiasts. It is an amazing project to get started with the data science and understand the processes involved in a project. The project is implemented using the Convolutional Neural Networks and then for real-time prediction we also build a nice graphical user interface to draw digits on a canvas and then the model will predict the digit."
  • 3. OBJECTIVES: MNIST data set : It is a large data collection of handwritten digits used to train and test various supervised machine learning algorithms. Tenserflow : TensorFlow is a free and open-source software library for machine learning and artificial intelligence. It can be used across a range of tasks but has a particular focus on training and inference of deep neural networks. Convolutional Neural Networks(CNN) : Convolutional Neural Networks are a type of Deep Learning Algorithm that take the image as an input and learn the various features of the image through filters.
  • 4.  PAPERS SURVEYED FROM SCIENCE DIRECT : 1. Hierarchical Convolutional Neural Network for Handwritten Digits Recognition (https://www.sciencedirect.com/science/article/pii/S1877050920311881) 2. Hybrid CNN-SVM Classifier for Handwritten Digit Recognition(https://www.sciencedirect.com/science/article/pii/S1877050920307754) 3. Handwritten Data Digitization Using an Anchor based Multi-Channel CNN (MCCNN) Trained on a Hybrid Dataset (h- EH).(https://www.sciencedirect.com/science/article/pii/S1877050921012187).
  • 5. Hierarchical Convolutional Neural Network for Handwritten Digits Recognition  ABSTRACTION: The application of a combination of convolutional neural networks for the recognition of handwritten digits is considered. Recognition is carried out by two sets of the networks following each other. The first neural network selects two digits with maximum activation functions. Depending on the winners, the next network is activated, which selects one digit from two. The proposed algorithm is tested on the data from MNIST.
  • 6. INTRODUCTION  Handwritten digit recognition is mainly based on Neural networks. Neural networks are widely used in science , technology and many other fields . One of the main applications of networks is image processing. This includes various tasks related to the classification, localization and recognition of objects. Similar tasks are associated with the development of principles and the construction of systems designed to determine whether an object belongs to one of the classes of objects.  In present work, we consider the recognition of handwritten digits from the MNIST database by a hierarchical convolutional neural network that interprets the image sequentially and obtaining the correct answer
  • 7. The first level. Digit recognition by convolutional neural network  We consider the architecture of a six-layer convolution network, consisting of an input layer containing 784 neurons (one image from the MNIST database has a dimension of 28 by 28 pixels) and six layers:  1. Convolutional layer, 11 cards of signs of dimension 24x24 (core bypass 5x5).  2. Subsample layer, 11 cards of signs of dimension 12x12.  3. Convolutional layer, 22 feature cards of dimension 8x8 (core bypass 5x5).  4. Subsample layer. 22 cards of signs of dimension 4x4.  5. Fully connected layer, 120 neurons.
  • 8.  6. Fully connected layer, 10 neurons.  We train the network using the backpropagation algorithm. Note that the network parameters are established experimentally. For example, in this way the optimal digit of matrices in the first convolutional layer was obtained, containing 11 24- by-24 feature maps. The network was trained and tested on data representing 28 by 28 pixel handwritten digits from the MNIST database. The smallest error of the convolutional neural network shown in the test sample from MNIST it amounted to 0.82% 82 images from the test sample containing 10 thousand handwritten images were incorrectly recognized. Note that we did not achieve maximum accuracy at this stage. We write the digits of incorrectly recognized MNIST images: 115, 247, 259, 449, 582, 619, 659, 674, 740, 791, 900, 947, 1014, 1039, 1112,
  • 9. The second level. Additional convolutional networks  Additional networks are a set of convolutional neural networks trained to recognize two digits. We have analyzed and found out that 31 such networks are needed (equal to the digit of nonzero cells in the table). The recognition algorithm using a combination of neural networks has the following two stages:  1) Passage through the global network;  2) Passage through the additional network if the difference between the maximum values of the digits at the output does not exceed 0.7 at the first stage
  • 10. KEY FINDINGS  Convolutional Neural Networks  Heirarical Convolutional Neural Networks  Training And Testing MNIST datraset using Neural Nrtworks
  • 11. REFERENCES  https://www.sciencedirect.com/science/article/pii/S1877050920307754  https://www.sciencedirect.com/science/article/pii/S1877050920311881  https://www.sciencedirect.com/science/article/pii/S1877050921012187  https://data-flair.training/blogs/python-deep-learning-project-handwritten-digit- recognition/  CONCLUSION: The hierarchical convolutional neural network is proposed for the task of recognizing handwritten numbers. The similar task can be used for handwriting recognition on tablet computers, recognition of postal codes for sorting mail, processing bank checks, entering numerical entries in manually filled forms, etc. The proposed algorithm is tested on data from MNIST.