SlideShare a Scribd company logo
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 09 | Sep 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1164
Recognition of Handwritten Characters based on Deep Learning with
Tensorflow
JEMIMAH K
Research Scholar, School of Computer Science and Engineering, Bharathidasan University, Trichy, India.
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract - Artificial Neural Network (ANN) and Deep Learning has brought a massive twist in the field of Machine Leaning, in
recent times. The advancements in Deep Learning is mainly due to the new state-of-art innovations in the field of Computer
Vision (CV). Convolutional Neural Network (CNN) is at the center of spectacular advances in Deep Learning that mixes
Artificial Neural Network (ANN) and recent Deep Learning strategies. It is well known that Convolutional Neural Networks
(CNN) have been the source of many major breakthroughs in the field of Deep Learning where it powers major advances in of
Computer Vision (CV), where self-driving cars, robotics, drones, security, medical diagnoses, and treatments for the visually
impaired are some of its applications. Convolutional Neural Networks (CNN) are widely used in pattern recognition, speech
recognition, face recognition, sentence classification, text categorization, document analysis, scene and handwritten digit
recognition. In this paper, a CNN model is built to recognize the handwritten digits with various hidden layers and epochs.
Using Tensorflow, which is Google’s open source machine learning and deep learning framework, the model is conveniently
and flexibly built. The experiment is done using Modified National Institute of Standards and Technology (MNIST) dataset.
Key Words: Recognition of Handwritten Characters, Artificial Neural Network (ANN), Deep Learning, Convolutional
Neural Network (CNN), MNIST dataset and Hidden Layers.
1. INTRODUCTION:
In the recent years, Deep Learning has become somewhat a buzzword in the tech community. Generally, Deep
Learning is a model which takes an input X and uses it to predict an output Y. Deep Learning algorithm uses Neural
Network to find the association between a set of inputs and outputs. Neural Networks is one of the most popular algorithm
at present which outperform other algorithms in accuracy and speed. Recent advancements in the field of Deep Learning
has made computer vision application leap forward: from unlocking mobile phone with our face to safer self-driving cars.
Deep Learning’s fundamental example is Convolutional Neural Network (CNN), which is a sophisticated model
that pushes the evolution of Artificial Intelligence (AI) by offering systems that simulate different types of biological
human brain activity. Convolutional Neural Network (CNN) is the most widely used Machine Learning algorithm for image
classification and it is the architecture behind computer vision applications.
Convolutional Neural Network (CNN) is a go-to model on every image related problems. The main advantage of
Convolutional Neural Network (CNN) compared to its predecessors is that it automatically detects the important features
from the inputs without any human supervision. It is successfully applied to recommender systems, natural language
processing and more. Convolutional Neural Network (CNN) is a very powerful and an efficient model which performs
automatic feature extraction process to achieve superhuman accuracy.
Fig 1: Relationship between AI, Machine Learning and Deep Learning.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 09 | Sep 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1165
Tensorflow is an open-source framework for Machine Learning. It is a software library for numerical computation.
It is a product by Google Brain Team in Google’s Machine Intelligence research organization for conducting research in the
field of Machine Learning and Deep Neural Network. Tensorflow, which is a product of Google has proven to be a scalable,
clean, flexible and efficient library. Tensorflow operations are arranged in a graph known as Computational Graph. A cloud
service that was launched by Google is used to run Tensorflow Graphs. The Computational Graph can be broken into
chunks and can run on any CPUs and GPUs parallelly. It is known as parallel computation. Tensorflow provides several
optimization nodes to search for parameters that minimizes the cost function.
The proposed model gives an accuracy of about 98% with a very low error rate of 0.2% which is a good rate and
the predictions are done. The existing systems have a separate preprocessing step but in a Convolutional Neural Network
(CNN) model for Recognition of Handwritten Characters based on Deep Learning don’t have a separate preprocessing step
because during preprocessing some features might get affected and lost.
Convolutional Neural Network (CNN) for Handwritten Character recognition is not like other model where the
features are selected and extracted. Here, the model automatically draws the features from the input images which is
called feature map. Then the spatial dimensions are reduced that gives the model a faster computing power for training
the data. Finally, the hidden layers gives out some value which is changed to a range of values using activation function to
exactly classify the classes.
2. RELATED WORKS:
A comparative study on the various algorithms for digits classification with their respective accuracies [1]. The
feature selection method used for handwritten digits classification consist of various algorithms (i.e., linear, non-linear,
ensemble and deep learning). The experimental results proved that 60% of the training time was reduced by using the
subset of the complete set of features [2].
An Android Application was developed for recognizing handwritten characters using Neural Network technique.
Random datasets were used for conducting the experiments. It uses structural features and k-nearest neighbor classifier to
classify the characters [3].
The recognition and implementation of handwritten characters in Chinese language uses a Deep Learning model
where the dataset is divided into four sub-sets with different classification iterations. The dataset has 260 different
people’s handwritten characters [4].
A Multiple-Cell Size (MCS) approach was proposed to utilize the Histogram of Oriented Gradient (HOG) feature
with Support Vector Machine (SVM) for handwritten digits classification [5]. A combined approach of feature selection and
machine learning technique was used to find the handwritten characters where preprocessing was done for the input
images. Feature extraction, feature selection and classification are the techniques used in the paper [6].
Handwritten recognition is very complicated because of miscellaneous human handwriting, different size and
shape of letters, angle. Using feature extraction technique a sliding window is shifted over the image from left to right
which identifies the important characters of the image [7]. The Deep Neural Network based Convolutional Neural Network
model is analyzed using MNIST dataset which achieves an accuracy rate of 99% at sigmoid activation function with cross-
entropy error function [8].
3. DATASET:
Recognition of Handwritten Characters uses MNIST dataset, known as Modified National Institute of Standards
and Technology database which is a large database of handwritten digits. These handwritten digits are in image format
which is fed into the system as inputs. The inputs are used as training and testing data in the field of machine learning.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 09 | Sep 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1166
Fig 2: MNIST dataset image 28x28 pixel
The MNIST database contains 70,000 images which has been separated into training and testing dataset where
60,000 images are used for training models and 10,000 images are used for testing the model. The MNIST dataset contains
256 different people’s handwritten digits from different parts of the world.
Fig 3: Histogram of Numbers in Training Data with Frequency.
4. PROPOSED METHODOLOGY:
In Deep Learning the word ‘deep’ refers to the number of hidden layers in the Neural Network. Recognition of
Handwritten Characters based on Deep Learning technique i.e., Convolutional Neural Network (CNN) uses seven hidden
layers. It consist of the three main phases- Convolution, Pooling and Fully-Connected Layer.
4.1 Convolution:
Convolutional layer is the main building block of the Convolutional Neural Network (CNN) model. Convolutional
layer does the Filtering process to the input images which creates a feature map. The image is taken from the MNIST
dataset and is sent to the first layer that is the Convolutional Layer. In Deep Learning model there is no separate
preprocessing step for the input images from the dataset. The image is filtered using a convolutional filter and then is sent
to the next layer for pooling.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 09 | Sep 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1167
4.2 Pooling:
Pooling layer reduces the spatial dimension of the image that enables to reduce the number of parameters which
both shortens the training time and combats overfitting. There are two main pooling layers known as max-pooling and
min pooling. The max-pooling takes the maximum values from the selected region and the min-pooling takes the minimum
values from the selected region. Some of the main advantages of reducing the spatial dimensions are:
 The computational performance increases when the spatial information decreases.
 When the spatial information decreases simultaneously the parameters that is used to train the model gets decreased,
thus it reduces the chance of overfitting.
4.3 Fully-Connected Layer:
The output layer in a Convolutional Neural Network (CNN) is the Fully-Connected layer where the inputs from
the other layer is flattened and is sent to transform the output into number of classes in the Neural Network. The
activation function used in this model is Rectified Linear Unit (ReLu). The activation function squashes the values into a
range of value. Softmax is the last layer that predicts one of the 10 classes.
Fig 4: The flow of CNN Classifier.
5. Training and Testing:
Training and testing process is done and the accuracies of training and testing is displayed below with a reduced
error rate of 0.03%. Out of 70,000 datasets, 60,000 datasets are used for training the model and 10,000 datasets are used
for testing. For optimization, Adam optimizer is used instead of the classical stochastic gradient descent procedure.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 09 | Sep 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1168
Fig 5: Training accuracy and Optimization.
6. Results and Discussion:
Convolutional Neural Network (CNN) is a very basic and fundamental deep learning technique. The accuracies of
the previous algorithms are less as compared to the Convlutional Neural Network (CNN) model. The training accuracy
reaches to a level of 98% and loss rate of 0.03%. The model gives a good prediction rate. The model has certain issues too,
that leads to misclassification. One fact for such misclassication is that the images dataset are not centered.
7. Conclusion:
Recognition of Handwritten Characters based on Deep Learning with Tensorflow gives the most accurate
classification and prediction values which can be taken for further research. The training time taken by the Convolutional
Neural Network (CNN) model is very less as compared with any other model. The error rate or the rate of misclassified
characters are also less compared with the previous models. Convolutional Neural Network (CNN) is not a lot different
from other machine learning models but it tries to find patterns in the dataset. In future, further improvement can be made
in the hidden layers to avoid misclassification and more data can be used for training.
References:
[1] Aanchal Jain and Brij Kishore Sharma, “Analysis of Activation Functions for Convolutional Neural Network based
MNIST Handwritten Character Recognition”, International Journal of Advanced Studies of Scientific Research
(IJASSR), Vol 3 Issue 9, Jan 2019.
[2] Areej Alsaafin and Ashraf Elnagar, “A Minimal Subset of Features Using Feature Selection for Handwritten Digit
Recognition”, Journal of Intelligent Learning Systems and Applications (JILSA), Vol 9, 2017.
[3] D. A. Deepak Gowda, S. Harusha, M. Hruday, N. Likitha and B.G. Girish, “Implementation of Handwritten Character
Recognition using Neural Network”, International Journal for Innovative Research in Science and Technology
(IJIRST), Vol 5 Issue 12, May 2019.
[4] Edwin Wira Putra and Iping Supriana Suwardi, “Structural Offline Handwritten Character Recogntion using
Approximate Subgraph Matching and Levenshtein Distance”, Elsevier, Volume 59, 2015, Pages 340-349.
[5] Fengzhi Dai, Zhongyong Ye and Xia Jin, “The Recognition and Implementation of Handwritten Character based on
Deep Learning”, Journal of Robotics, Networking and Artificial Life (JRNAL), Vol 6 Issue 1, June 2019.
[6] Hamayun A. Khan, “MCS HOG Features and SVM Based Handwritten Digit Recognition System”, Journal of Intelligent
Learning Systems and Applications (JILSA), Vol 9, 2017.
[7] Manoj Sonkusare and Narendra Sahu, “A Survey on Handwritten Character Recognition (HCR) Techniques for English
Alphabets”, Advances in Vision Computing: An International Journal (AVC), Vol.3 Issue No.1, March 2016.
[8] Meer Zohra and D.Rajeswara Rao. “A Comprehensive Data Analysis on Handwritten Digit Recognition using Machine
Learning Approach”, International Journal of Innovative Technology and Exploring Engineering (IJITEE), Vol 8 Issue
6, April 2019.
[9] Saptadeepa Kalita, Diwakar Gautam, Ashok Kumar Sahooand Rajiv Kumar, “A Combined Approach of Feature
Selection and Machine Learning Technique for Handwritten Character Recognition”, International Journal of
Advanced Studies of Scientific Research (IJASSR), Vol 4 Issue 4, June 2019.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 09 | Sep 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1169
[10] Srivastava, Shobhit&Kalani, Sanjana& Hani, Umme& Chakraborty, Sayak. (2017). Recognition of Handwritten Digits
using Machine Learning Techniques. International Journal of Engineering Research and. V6.
10.17577/IJERTV6IS050456.
[11] Yann LeCun, Leon Bottou, YoshuaBengio, and Patrick Haffner. “Gradient-based learning applied to document
recognition”. Proceedings of the IEEE, 86(11):2278–2324, 1998.

More Related Content

What's hot

Machine Learning techniques
Machine Learning techniques Machine Learning techniques
Machine Learning techniques
Jigar Patel
 
Artificial intelligence
Artificial intelligenceArtificial intelligence
Artificial intelligence
HITESH Kumawat
 

What's hot (19)

IRJET- Deep Learning Techniques for Object Detection
IRJET-  	  Deep Learning Techniques for Object DetectionIRJET-  	  Deep Learning Techniques for Object Detection
IRJET- Deep Learning Techniques for Object Detection
 
Deep Learning Hardware: Past, Present, & Future
Deep Learning Hardware: Past, Present, & FutureDeep Learning Hardware: Past, Present, & Future
Deep Learning Hardware: Past, Present, & Future
 
Deep learning short introduction
Deep learning short introductionDeep learning short introduction
Deep learning short introduction
 
101 Webinar - Artificial Intelligence, Deep Learning and Geospatial
101 Webinar - Artificial Intelligence, Deep Learning and Geospatial101 Webinar - Artificial Intelligence, Deep Learning and Geospatial
101 Webinar - Artificial Intelligence, Deep Learning and Geospatial
 
Machine Learning techniques
Machine Learning techniques Machine Learning techniques
Machine Learning techniques
 
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
 
Deep Learning: Application & Opportunity
Deep Learning: Application & OpportunityDeep Learning: Application & Opportunity
Deep Learning: Application & Opportunity
 
Intro deep learning
Intro deep learningIntro deep learning
Intro deep learning
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 
IRJET- Hand Sign Recognition using Convolutional Neural Network
IRJET- Hand Sign Recognition using Convolutional Neural NetworkIRJET- Hand Sign Recognition using Convolutional Neural Network
IRJET- Hand Sign Recognition using Convolutional Neural Network
 
Future Trends in Artificial Intelligence
Future Trends in Artificial IntelligenceFuture Trends in Artificial Intelligence
Future Trends in Artificial Intelligence
 
Artificial intelligence
Artificial intelligenceArtificial intelligence
Artificial intelligence
 
Deep Visual Understanding from Deep Learning by Prof. Jitendra Malik
Deep Visual Understanding from Deep Learning by Prof. Jitendra MalikDeep Visual Understanding from Deep Learning by Prof. Jitendra Malik
Deep Visual Understanding from Deep Learning by Prof. Jitendra Malik
 
Artificial intelligence and Neural Network
Artificial intelligence and Neural NetworkArtificial intelligence and Neural Network
Artificial intelligence and Neural Network
 
Artificial Intelligence And Its Applications
Artificial Intelligence And Its ApplicationsArtificial Intelligence And Its Applications
Artificial Intelligence And Its Applications
 
Deep learning
Deep learningDeep learning
Deep learning
 
Ml vs dl
Ml vs dlMl vs dl
Ml vs dl
 
Ml vs dl
Ml vs dlMl vs dl
Ml vs dl
 
Intro to Deep Learning for Computer Vision
Intro to Deep Learning for Computer VisionIntro to Deep Learning for Computer Vision
Intro to Deep Learning for Computer Vision
 

Similar to IRJET- Recognition of Handwritten Characters based on Deep Learning with Tensorflow

Similar to IRJET- Recognition of Handwritten Characters based on Deep Learning with Tensorflow (20)

Handwritten Digit Recognition Using CNN
Handwritten Digit Recognition Using CNNHandwritten Digit Recognition Using CNN
Handwritten Digit Recognition Using CNN
 
IRJET- Comparative Study of Different Techniques for Text as Well as Object D...
IRJET- Comparative Study of Different Techniques for Text as Well as Object D...IRJET- Comparative Study of Different Techniques for Text as Well as Object D...
IRJET- Comparative Study of Different Techniques for Text as Well as Object D...
 
Devanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural NetworkDevanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural Network
 
IRJET - Deep Learning Applications and Frameworks – A Review
IRJET -  	  Deep Learning Applications and Frameworks – A ReviewIRJET -  	  Deep Learning Applications and Frameworks – A Review
IRJET - Deep Learning Applications and Frameworks – A Review
 
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- Wearable AI Device for Blind
IRJET- Wearable AI Device for BlindIRJET- Wearable AI Device for Blind
IRJET- Wearable AI Device for Blind
 
IRJET- Automated Detection of Gender from Face Images
IRJET-  	  Automated Detection of Gender from Face ImagesIRJET-  	  Automated Detection of Gender from Face Images
IRJET- Automated Detection of Gender from Face Images
 
IRJET- Machine Learning based Object Identification System using Python
IRJET- Machine Learning based Object Identification System using PythonIRJET- Machine Learning based Object Identification System using Python
IRJET- Machine Learning based Object Identification System using Python
 
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
 
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
UNSUPERVISED LEARNING MODELS OF INVARIANT FEATURES IN IMAGES: RECENT DEVELOPM...
 
Unsupervised learning models of invariant features in images: Recent developm...
Unsupervised learning models of invariant features in images: Recent developm...Unsupervised learning models of invariant features in images: Recent developm...
Unsupervised learning models of invariant features in images: Recent developm...
 
IRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine LearningIRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine Learning
 
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep LearningIRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
 
IRJET- Classification of Assembly (W-Section) using Artificial Intelligence
IRJET- Classification of Assembly (W-Section) using Artificial IntelligenceIRJET- Classification of Assembly (W-Section) using Artificial Intelligence
IRJET- Classification of Assembly (W-Section) using Artificial Intelligence
 
IRJET- Car Defect Detection using Machine Learning for Insurance
IRJET- Car Defect Detection using Machine Learning for InsuranceIRJET- Car Defect Detection using Machine Learning for Insurance
IRJET- Car Defect Detection using Machine Learning for Insurance
 
Deep Learning in Text Recognition and Text Detection : A Review
Deep Learning in Text Recognition and Text Detection : A ReviewDeep Learning in Text Recognition and Text Detection : A Review
Deep Learning in Text Recognition and Text Detection : A Review
 
Machine learning based augmented reality for improved learning application th...
Machine learning based augmented reality for improved learning application th...Machine learning based augmented reality for improved learning application th...
Machine learning based augmented reality for improved learning application th...
 
Indian sign language recognition system
Indian sign language recognition systemIndian sign language recognition system
Indian sign language recognition system
 
IRJET- Automatic Data Collection from Forms using Optical Character Recognition
IRJET- Automatic Data Collection from Forms using Optical Character RecognitionIRJET- Automatic Data Collection from Forms using Optical Character Recognition
IRJET- Automatic Data Collection from Forms using Optical Character Recognition
 
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep LearningIRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
 

More from IRJET Journal

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

Automobile Management System Project Report.pdf
Automobile Management System Project Report.pdfAutomobile Management System Project Report.pdf
Automobile Management System Project Report.pdf
Kamal Acharya
 
Hall booking system project report .pdf
Hall booking system project report  .pdfHall booking system project report  .pdf
Hall booking system project report .pdf
Kamal Acharya
 
Digital Signal Processing Lecture notes n.pdf
Digital Signal Processing Lecture notes n.pdfDigital Signal Processing Lecture notes n.pdf
Digital Signal Processing Lecture notes n.pdf
AbrahamGadissa
 
Laundry management system project report.pdf
Laundry management system project report.pdfLaundry management system project report.pdf
Laundry management system project report.pdf
Kamal Acharya
 

Recently uploaded (20)

Furniture showroom management system project.pdf
Furniture showroom management system project.pdfFurniture showroom management system project.pdf
Furniture showroom management system project.pdf
 
Automobile Management System Project Report.pdf
Automobile Management System Project Report.pdfAutomobile Management System Project Report.pdf
Automobile Management System Project Report.pdf
 
KIT-601 Lecture Notes-UNIT-4.pdf Frequent Itemsets and Clustering
KIT-601 Lecture Notes-UNIT-4.pdf Frequent Itemsets and ClusteringKIT-601 Lecture Notes-UNIT-4.pdf Frequent Itemsets and Clustering
KIT-601 Lecture Notes-UNIT-4.pdf Frequent Itemsets and Clustering
 
Toll tax management system project report..pdf
Toll tax management system project report..pdfToll tax management system project report..pdf
Toll tax management system project report..pdf
 
BRAKING SYSTEM IN INDIAN RAILWAY AutoCAD DRAWING
BRAKING SYSTEM IN INDIAN RAILWAY AutoCAD DRAWINGBRAKING SYSTEM IN INDIAN RAILWAY AutoCAD DRAWING
BRAKING SYSTEM IN INDIAN RAILWAY AutoCAD DRAWING
 
Hall booking system project report .pdf
Hall booking system project report  .pdfHall booking system project report  .pdf
Hall booking system project report .pdf
 
fluid mechanics gate notes . gate all pyqs answer
fluid mechanics gate notes . gate all pyqs answerfluid mechanics gate notes . gate all pyqs answer
fluid mechanics gate notes . gate all pyqs answer
 
The Ultimate Guide to External Floating Roofs for Oil Storage Tanks.docx
The Ultimate Guide to External Floating Roofs for Oil Storage Tanks.docxThe Ultimate Guide to External Floating Roofs for Oil Storage Tanks.docx
The Ultimate Guide to External Floating Roofs for Oil Storage Tanks.docx
 
NO1 Pandit Amil Baba In Bahawalpur, Sargodha, Sialkot, Sheikhupura, Rahim Yar...
NO1 Pandit Amil Baba In Bahawalpur, Sargodha, Sialkot, Sheikhupura, Rahim Yar...NO1 Pandit Amil Baba In Bahawalpur, Sargodha, Sialkot, Sheikhupura, Rahim Yar...
NO1 Pandit Amil Baba In Bahawalpur, Sargodha, Sialkot, Sheikhupura, Rahim Yar...
 
Introduction to Machine Learning Unit-4 Notes for II-II Mechanical Engineering
Introduction to Machine Learning Unit-4 Notes for II-II Mechanical EngineeringIntroduction to Machine Learning Unit-4 Notes for II-II Mechanical Engineering
Introduction to Machine Learning Unit-4 Notes for II-II Mechanical Engineering
 
The Benefits and Techniques of Trenchless Pipe Repair.pdf
The Benefits and Techniques of Trenchless Pipe Repair.pdfThe Benefits and Techniques of Trenchless Pipe Repair.pdf
The Benefits and Techniques of Trenchless Pipe Repair.pdf
 
Quality defects in TMT Bars, Possible causes and Potential Solutions.
Quality defects in TMT Bars, Possible causes and Potential Solutions.Quality defects in TMT Bars, Possible causes and Potential Solutions.
Quality defects in TMT Bars, Possible causes and Potential Solutions.
 
Digital Signal Processing Lecture notes n.pdf
Digital Signal Processing Lecture notes n.pdfDigital Signal Processing Lecture notes n.pdf
Digital Signal Processing Lecture notes n.pdf
 
Event Management System Vb Net Project Report.pdf
Event Management System Vb Net  Project Report.pdfEvent Management System Vb Net  Project Report.pdf
Event Management System Vb Net Project Report.pdf
 
RESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdf
RESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdfRESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdf
RESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdf
 
Laundry management system project report.pdf
Laundry management system project report.pdfLaundry management system project report.pdf
Laundry management system project report.pdf
 
Courier management system project report.pdf
Courier management system project report.pdfCourier management system project report.pdf
Courier management system project report.pdf
 
Arduino based vehicle speed tracker project
Arduino based vehicle speed tracker projectArduino based vehicle speed tracker project
Arduino based vehicle speed tracker project
 
KIT-601 Lecture Notes-UNIT-3.pdf Mining Data Stream
KIT-601 Lecture Notes-UNIT-3.pdf Mining Data StreamKIT-601 Lecture Notes-UNIT-3.pdf Mining Data Stream
KIT-601 Lecture Notes-UNIT-3.pdf Mining Data Stream
 
Immunizing Image Classifiers Against Localized Adversary Attacks
Immunizing Image Classifiers Against Localized Adversary AttacksImmunizing Image Classifiers Against Localized Adversary Attacks
Immunizing Image Classifiers Against Localized Adversary Attacks
 

IRJET- Recognition of Handwritten Characters based on Deep Learning with Tensorflow

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 09 | Sep 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1164 Recognition of Handwritten Characters based on Deep Learning with Tensorflow JEMIMAH K Research Scholar, School of Computer Science and Engineering, Bharathidasan University, Trichy, India. ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract - Artificial Neural Network (ANN) and Deep Learning has brought a massive twist in the field of Machine Leaning, in recent times. The advancements in Deep Learning is mainly due to the new state-of-art innovations in the field of Computer Vision (CV). Convolutional Neural Network (CNN) is at the center of spectacular advances in Deep Learning that mixes Artificial Neural Network (ANN) and recent Deep Learning strategies. It is well known that Convolutional Neural Networks (CNN) have been the source of many major breakthroughs in the field of Deep Learning where it powers major advances in of Computer Vision (CV), where self-driving cars, robotics, drones, security, medical diagnoses, and treatments for the visually impaired are some of its applications. Convolutional Neural Networks (CNN) are widely used in pattern recognition, speech recognition, face recognition, sentence classification, text categorization, document analysis, scene and handwritten digit recognition. In this paper, a CNN model is built to recognize the handwritten digits with various hidden layers and epochs. Using Tensorflow, which is Google’s open source machine learning and deep learning framework, the model is conveniently and flexibly built. The experiment is done using Modified National Institute of Standards and Technology (MNIST) dataset. Key Words: Recognition of Handwritten Characters, Artificial Neural Network (ANN), Deep Learning, Convolutional Neural Network (CNN), MNIST dataset and Hidden Layers. 1. INTRODUCTION: In the recent years, Deep Learning has become somewhat a buzzword in the tech community. Generally, Deep Learning is a model which takes an input X and uses it to predict an output Y. Deep Learning algorithm uses Neural Network to find the association between a set of inputs and outputs. Neural Networks is one of the most popular algorithm at present which outperform other algorithms in accuracy and speed. Recent advancements in the field of Deep Learning has made computer vision application leap forward: from unlocking mobile phone with our face to safer self-driving cars. Deep Learning’s fundamental example is Convolutional Neural Network (CNN), which is a sophisticated model that pushes the evolution of Artificial Intelligence (AI) by offering systems that simulate different types of biological human brain activity. Convolutional Neural Network (CNN) is the most widely used Machine Learning algorithm for image classification and it is the architecture behind computer vision applications. Convolutional Neural Network (CNN) is a go-to model on every image related problems. The main advantage of Convolutional Neural Network (CNN) compared to its predecessors is that it automatically detects the important features from the inputs without any human supervision. It is successfully applied to recommender systems, natural language processing and more. Convolutional Neural Network (CNN) is a very powerful and an efficient model which performs automatic feature extraction process to achieve superhuman accuracy. Fig 1: Relationship between AI, Machine Learning and Deep Learning.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 09 | Sep 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1165 Tensorflow is an open-source framework for Machine Learning. It is a software library for numerical computation. It is a product by Google Brain Team in Google’s Machine Intelligence research organization for conducting research in the field of Machine Learning and Deep Neural Network. Tensorflow, which is a product of Google has proven to be a scalable, clean, flexible and efficient library. Tensorflow operations are arranged in a graph known as Computational Graph. A cloud service that was launched by Google is used to run Tensorflow Graphs. The Computational Graph can be broken into chunks and can run on any CPUs and GPUs parallelly. It is known as parallel computation. Tensorflow provides several optimization nodes to search for parameters that minimizes the cost function. The proposed model gives an accuracy of about 98% with a very low error rate of 0.2% which is a good rate and the predictions are done. The existing systems have a separate preprocessing step but in a Convolutional Neural Network (CNN) model for Recognition of Handwritten Characters based on Deep Learning don’t have a separate preprocessing step because during preprocessing some features might get affected and lost. Convolutional Neural Network (CNN) for Handwritten Character recognition is not like other model where the features are selected and extracted. Here, the model automatically draws the features from the input images which is called feature map. Then the spatial dimensions are reduced that gives the model a faster computing power for training the data. Finally, the hidden layers gives out some value which is changed to a range of values using activation function to exactly classify the classes. 2. RELATED WORKS: A comparative study on the various algorithms for digits classification with their respective accuracies [1]. The feature selection method used for handwritten digits classification consist of various algorithms (i.e., linear, non-linear, ensemble and deep learning). The experimental results proved that 60% of the training time was reduced by using the subset of the complete set of features [2]. An Android Application was developed for recognizing handwritten characters using Neural Network technique. Random datasets were used for conducting the experiments. It uses structural features and k-nearest neighbor classifier to classify the characters [3]. The recognition and implementation of handwritten characters in Chinese language uses a Deep Learning model where the dataset is divided into four sub-sets with different classification iterations. The dataset has 260 different people’s handwritten characters [4]. A Multiple-Cell Size (MCS) approach was proposed to utilize the Histogram of Oriented Gradient (HOG) feature with Support Vector Machine (SVM) for handwritten digits classification [5]. A combined approach of feature selection and machine learning technique was used to find the handwritten characters where preprocessing was done for the input images. Feature extraction, feature selection and classification are the techniques used in the paper [6]. Handwritten recognition is very complicated because of miscellaneous human handwriting, different size and shape of letters, angle. Using feature extraction technique a sliding window is shifted over the image from left to right which identifies the important characters of the image [7]. The Deep Neural Network based Convolutional Neural Network model is analyzed using MNIST dataset which achieves an accuracy rate of 99% at sigmoid activation function with cross- entropy error function [8]. 3. DATASET: Recognition of Handwritten Characters uses MNIST dataset, known as Modified National Institute of Standards and Technology database which is a large database of handwritten digits. These handwritten digits are in image format which is fed into the system as inputs. The inputs are used as training and testing data in the field of machine learning.
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 09 | Sep 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1166 Fig 2: MNIST dataset image 28x28 pixel The MNIST database contains 70,000 images which has been separated into training and testing dataset where 60,000 images are used for training models and 10,000 images are used for testing the model. The MNIST dataset contains 256 different people’s handwritten digits from different parts of the world. Fig 3: Histogram of Numbers in Training Data with Frequency. 4. PROPOSED METHODOLOGY: In Deep Learning the word ‘deep’ refers to the number of hidden layers in the Neural Network. Recognition of Handwritten Characters based on Deep Learning technique i.e., Convolutional Neural Network (CNN) uses seven hidden layers. It consist of the three main phases- Convolution, Pooling and Fully-Connected Layer. 4.1 Convolution: Convolutional layer is the main building block of the Convolutional Neural Network (CNN) model. Convolutional layer does the Filtering process to the input images which creates a feature map. The image is taken from the MNIST dataset and is sent to the first layer that is the Convolutional Layer. In Deep Learning model there is no separate preprocessing step for the input images from the dataset. The image is filtered using a convolutional filter and then is sent to the next layer for pooling.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 09 | Sep 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1167 4.2 Pooling: Pooling layer reduces the spatial dimension of the image that enables to reduce the number of parameters which both shortens the training time and combats overfitting. There are two main pooling layers known as max-pooling and min pooling. The max-pooling takes the maximum values from the selected region and the min-pooling takes the minimum values from the selected region. Some of the main advantages of reducing the spatial dimensions are:  The computational performance increases when the spatial information decreases.  When the spatial information decreases simultaneously the parameters that is used to train the model gets decreased, thus it reduces the chance of overfitting. 4.3 Fully-Connected Layer: The output layer in a Convolutional Neural Network (CNN) is the Fully-Connected layer where the inputs from the other layer is flattened and is sent to transform the output into number of classes in the Neural Network. The activation function used in this model is Rectified Linear Unit (ReLu). The activation function squashes the values into a range of value. Softmax is the last layer that predicts one of the 10 classes. Fig 4: The flow of CNN Classifier. 5. Training and Testing: Training and testing process is done and the accuracies of training and testing is displayed below with a reduced error rate of 0.03%. Out of 70,000 datasets, 60,000 datasets are used for training the model and 10,000 datasets are used for testing. For optimization, Adam optimizer is used instead of the classical stochastic gradient descent procedure.
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 09 | Sep 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1168 Fig 5: Training accuracy and Optimization. 6. Results and Discussion: Convolutional Neural Network (CNN) is a very basic and fundamental deep learning technique. The accuracies of the previous algorithms are less as compared to the Convlutional Neural Network (CNN) model. The training accuracy reaches to a level of 98% and loss rate of 0.03%. The model gives a good prediction rate. The model has certain issues too, that leads to misclassification. One fact for such misclassication is that the images dataset are not centered. 7. Conclusion: Recognition of Handwritten Characters based on Deep Learning with Tensorflow gives the most accurate classification and prediction values which can be taken for further research. The training time taken by the Convolutional Neural Network (CNN) model is very less as compared with any other model. The error rate or the rate of misclassified characters are also less compared with the previous models. Convolutional Neural Network (CNN) is not a lot different from other machine learning models but it tries to find patterns in the dataset. In future, further improvement can be made in the hidden layers to avoid misclassification and more data can be used for training. References: [1] Aanchal Jain and Brij Kishore Sharma, “Analysis of Activation Functions for Convolutional Neural Network based MNIST Handwritten Character Recognition”, International Journal of Advanced Studies of Scientific Research (IJASSR), Vol 3 Issue 9, Jan 2019. [2] Areej Alsaafin and Ashraf Elnagar, “A Minimal Subset of Features Using Feature Selection for Handwritten Digit Recognition”, Journal of Intelligent Learning Systems and Applications (JILSA), Vol 9, 2017. [3] D. A. Deepak Gowda, S. Harusha, M. Hruday, N. Likitha and B.G. Girish, “Implementation of Handwritten Character Recognition using Neural Network”, International Journal for Innovative Research in Science and Technology (IJIRST), Vol 5 Issue 12, May 2019. [4] Edwin Wira Putra and Iping Supriana Suwardi, “Structural Offline Handwritten Character Recogntion using Approximate Subgraph Matching and Levenshtein Distance”, Elsevier, Volume 59, 2015, Pages 340-349. [5] Fengzhi Dai, Zhongyong Ye and Xia Jin, “The Recognition and Implementation of Handwritten Character based on Deep Learning”, Journal of Robotics, Networking and Artificial Life (JRNAL), Vol 6 Issue 1, June 2019. [6] Hamayun A. Khan, “MCS HOG Features and SVM Based Handwritten Digit Recognition System”, Journal of Intelligent Learning Systems and Applications (JILSA), Vol 9, 2017. [7] Manoj Sonkusare and Narendra Sahu, “A Survey on Handwritten Character Recognition (HCR) Techniques for English Alphabets”, Advances in Vision Computing: An International Journal (AVC), Vol.3 Issue No.1, March 2016. [8] Meer Zohra and D.Rajeswara Rao. “A Comprehensive Data Analysis on Handwritten Digit Recognition using Machine Learning Approach”, International Journal of Innovative Technology and Exploring Engineering (IJITEE), Vol 8 Issue 6, April 2019. [9] Saptadeepa Kalita, Diwakar Gautam, Ashok Kumar Sahooand Rajiv Kumar, “A Combined Approach of Feature Selection and Machine Learning Technique for Handwritten Character Recognition”, International Journal of Advanced Studies of Scientific Research (IJASSR), Vol 4 Issue 4, June 2019.
  • 6. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 09 | Sep 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1169 [10] Srivastava, Shobhit&Kalani, Sanjana& Hani, Umme& Chakraborty, Sayak. (2017). Recognition of Handwritten Digits using Machine Learning Techniques. International Journal of Engineering Research and. V6. 10.17577/IJERTV6IS050456. [11] Yann LeCun, Leon Bottou, YoshuaBengio, and Patrick Haffner. “Gradient-based learning applied to document recognition”. Proceedings of the IEEE, 86(11):2278–2324, 1998.