SlideShare a Scribd company logo
An approach to empirical Optical
Character recognition paradigm
using Multi-Layer Perceptorn
Neural Network
OUTLINEOUTLINE
IntroductionIntroduction
What is Optical Character RecognitionWhat is Optical Character Recognition
OCR ModelOCR Model
Acquiring ImageAcquiring Image
Input PreprocessingInput Preprocessing
Input SegmentationInput Segmentation
Feature ExtractionFeature Extraction
Multi-Layer Perceptron Neural NetworkMulti-Layer Perceptron Neural Network
TrainingTraining
RecognitionRecognition
Experimental ResultExperimental Result
ConclusionsConclusions
ReferencesReferences
Dec 22, 2015 2An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
Dec 22, 2015 3An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
 Representing the architecture of Optical Character
Recognition(OCR) that is designed using artificial
computational model same as biological neuron network.
Introduction
What isWhat is OOpticalptical CCharacterharacter RRecognitionecognition??
 OCR allow to convert mechanical or electronic
image base text into the machine encodes able text
through an optical mechanism.
 The ultimate objective of OCR is to simulate
the human reading capabilities so the computer
can read, understand, edit and do similar activities
it does with the text.
Dec 22, 2015 4An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
OCR ModelOCR Model
Figure 1:Figure 1: Optical Character Recognizer Model.
Dec 22, 2015 5An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
Acquiring ImageAcquiring Image
- Image is
acquisition from
any possible
source that can
be hardware
device like
camera, scanner
and so on.
Dec 22, 2015 6An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
Input PreprocessingInput Preprocessing
- Image processing is a signal processing that
convert either an image or a set of
characteristics or parameters related to the
image.
-It is achieve correction of distortion, noise
reduction, normalization, filtering the image
and so on.
Dec 22, 2015 7An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
Input PreprocessingInput Preprocessing
- The RGB color space contains red, green,
blue that are added together in a variety of
ways to reproduce a array of color.
Dec 22, 2015 8An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
RGB to Gray scale Conversion
Input ImageRGB to Gray scale Conversion
Input PreprocessingInput Preprocessing
- A binary image has only two possible color
value for each pixel is that black and white.
This color depth is 1-bit monochrome.
Dec 22, 2015 9An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
Gray scale to Binary Image Conversion
RGB to Gray scale ImageGray scale to Binary image
InputInput Segmentation
- By the Image segmentation simplify and/or
change the representation of an image into
something that is more meaningful and easier
to analyze.
-Image segmentation is used for object
recognition of an image; detect the boundary
estimation, image editing or image database
look-up.
Dec 22, 2015 10An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
InputInput Segmentation
- Enumeration of character lines in a
character image is essential in delimiting the
bounds within which the detection can
precede.
Dec 22, 2015 11An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
Determining Character Line
Figure-6: Boundary detection of character line.
InputInput Segmentation
- Detection of individual symbols involves
scanning character lines for orthogonally
separable images composed of black pixels.
Dec 22, 2015 12An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
Detecting Individual Character
Figure-7: Boundary detection of a character.
Feature ExtractionFeature Extraction
- Feature extraction extract set of feature to
produce the relevant information from the
original input set data that can be represent
in a lower dimensionality space.
-To implement the feature extraction process
we have used Image to matrix mapping
process.
Dec 22, 2015 13An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
Feature ExtractionFeature Extraction
- By the matrix mapping process the character
image is converted corresponding two
dimensional binary matrixes.
Dec 22, 2015 14An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
Image to Matrix Mapping
Image to
Matrix
Mapping
Image to
Matrix
Mapping
Binary
Represe
ntation
Binary
Represe
ntation
Multi-Layer Perceptron Neural NetworkMulti-Layer Perceptron Neural Network
Dec 22, 2015 15An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
Multi-Layer Perceptron Neural network has an input
layer, hidden layer and output layer. Input layer feed the
input data set that is came from feature extraction and
output layer produced the set of output vector.
TrainingTraining
Dec 22, 2015 16An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
 Appling the learning process algorithm within the
multilayer network architecture, the synaptic weights
and threshold are update in a way that the
classification/recognition task can be performing
efficiently.
 Presenting 600-602-6 three Layer Neural network
architecture to perform the Optical Character
Recognition Learning process.
Algorithm (sequential)
1. Apply an input vector and calculate all activations, a and u
2. Evaluate ∆k for all output units via:
(Note similarity to perceptron learning algorithm)
3. Backpropagate ∆ks to get error terms δ for hidden layers using:
4. Evaluate changes using:
))(('))()(()( tagtytdt iiii −=∆
∑∆=
k
kikii wttugt )())((')(δ
)()()()1(
)()()()1(
tzttwtw
txttvtv
jiijij
jiijij
∆+=+
+=+
η
ηδ
Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 17
Once weight changes are computed for all units, weights are updated
at the same time (bias included as weights here). An example:
y1
y2
x1
x2
v11= -1
v21= 0
v12= 0
v22= 1
v10= 1
v20= 1
w11= 1
w21= -1
w12= 0
w22= 1
Use identity activation function (ie g(a) = a)
Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 18
All biases set to 1. Will not draw them for clarity.
Learning rate η = 0.1
y1
y2
x1
x2
v11= -1
v21= 0
v12= 0
v22= 1
w11= 1
w21= -1
w12= 0
w22= 1
Have input [0 1] with target [1 0].
x1= 0
x2= 1
Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 19
Forward pass. Calculate 1st
layer activations:
y1
y2
v11= -1
v21= 0
v12= 0
v22= 1
w11= 1
w21= -1
w12= 0
w22= 1
u2 = 2
u1 = 1
u1 = -1x0 + 0x1 +1 = 1
u2 = 0x0 + 1x1 +1 = 2
x1
x2
Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 20
Calculate first layer outputs by passing activations thru activation
functions
y1
y2
x1
x2
v11= -1
v21= 0
v12= 0
v22= 1
w11= 1
w21= -1
w12= 0
w22= 1
z2 = 2
z1 = 1
z1 = g(u1) = 1
z2 = g(u2) = 2
Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 21
Calculate 2nd
layer outputs (weighted sum thru activation functions):
y1= 2
y2= 2
x1
x2
v11= -1
v21= 0
v12= 0
v22= 1
w11= 1
w21= -1
w12= 0
w22= 1
y1 = a1 = 1x1 + 0x2 +1 = 2
y2 = a2 = -1x1 + 1x2 +1 = 2
Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 22
Backward pass:
∆1= -1
∆2= -2
x1
x2
v11= -1
v21= 0
v12= 0
v22= 1
w11= 1
w21= -1
w12= 0
w22= 1
)())(('))()((
)()()()1(
tztagtytd
tzttwtw
jiii
jiijij
−=
∆=−+
η
η
Target =[1, 0] so d1 = 1 and d2 = 0
So:
∆1 = (d1 - y1 )= 1 – 2 = -1
∆2 = (d2 - y2 )= 0 – 2 = -2
Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 23
Calculate weight changes for 1st
layer (cf perceptron learning):
∆1 z1 =-1x1
x2
v11= -1
v21= 0
v12= 0
v22= 1
w11= 1
w21= -1
w12= 0
w22= 1
)()()()1( tzttwtw jiijij ∆=−+ η
z2 = 2
z1 = 1
∆1 z2 =-2
∆2 z1 =-2
∆2 z2 =-4
Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 24
Weight changes will be:
x1
x2
v11= -1
v21= 0
v12= 0
v22= 1
w11= 0.9
w21= -1.2
w12= -0.2
w22= 0.6
)()()()1( tzttwtw jiijij ∆=−+ η
Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 25
But first must calculate δ’s:
∆1= -1
∆2= -2
x1
x2
v11= -1
v21= 0
v12= 0
v22= 1
∆1 w11= -1
∆2 w21= 2
∆1 w12= 0
∆2 w22= -2
∑∆=
k
kikii wttugt )())((')(δ
Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 26
∆’s propagate back:
∆1= -1
∆2= -2
x1
x2
v11= -1
v21= 0
v12= 0
v22= 1
δ1= 1
δ2 = -2
δ1 = - 1 + 2 = 1
δ2 = 0 – 2 = -2
∑∆=
k
kikii wttugt )())((')(δ
Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 27
And are multiplied by inputs:
∆1= -1
∆2= -2
v11= -1
v21= 0
v12= 0
v22= 1
δ1 x1 = 0
δ2 x2 = -2
)()()()1( txttvtv jiijij ηδ=−+
x2= 1
x1= 0
δ2 x1 = 0
δ1 x2 = 1
Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 28
Finally change weights:
v11= -1
v21= 0
v12= 0.1
v22= 0.8
)()()()1( txttvtv jiijij ηδ=−+
x2= 1
x1= 0 w11= 0.9
w21= -1.2
w12= -0.2
w22= 0.6
Note that the weights multiplied by the zero input are unchanged as they do
not contribute to the error
We have also changed biases (not shown)
Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 29
Now go forward again (would normally use a new input vector):
v11= -1
v21= 0
v12= 0.1
v22= 0.8
)()()()1( txttvtv jiijij ηδ=−+
x2= 1
x1= 0 w11= 0.9
w21= -1.2
w12= -0.2
w22= 0.6
z2 = 1.6
z1 = 1.2
Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 30
Now go forward again (would normally use a new input vector):
v11= -1
v21= 0
v12= 0.1
v22= 0.8
)()()()1( txttvtv jiijij ηδ=−+
x2= 1
x1= 0 w11= 0.9
w21= -1.2
w12= -0.2
w22= 0.6
y2 = 0.32
y1 = 1.66
Outputs now closer to target value [1, 0]
Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 31
RecognitionRecognition
Dec 22, 2015 32An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
Feature data is feed to the network input layer and
produced an output vector and calculating the error
function.
Experimental ResultExperimental Result
Dec 22, 2015 33An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
Chart-1: Isolated Character Recognition
experiment result comparison.
62 English character (i.e, English
Capital Alphabets A to Z, English
Small Alphabets a to z, English
Numerical Digits 0 to 9) image
recognition.
So the average Success rate for the
Isolated Character Recognition is =
91.53%
Isolated Character Recognition
Experimental ResultExperimental Result
Dec 22, 2015 34An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
Chart-2: Sentential Case Character Recognition
experiment result comparison.
For the sentential case character we
have used the sentence is “A Quick
Brown Fox Jumps over the Lazy
Dog.” This experimental sentence
is written four different type of font
like Arial, Calibri (body), Segoe UI
and Times New Roman.
So the average Success rate for the
sentential case Character
Recognition is = 80.65%
Sentential Case Character Recognition
0
20
40
60
80
100
Correct
Recognition
Wrong
Recognition
Success(%)
Error(%)
ConclusionsConclusions
 In our proposed system are achieved 91.53%
accuracy for the isolated character and 80.65%
accuracy for the sentential case character.
 In future we try to be improved the accuracy of
the OCR model by better preprocessing method
and optimal ANN architecture.
Dec 22, 2015 35An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network

More Related Content

PDF
A Review of Optical Character Recognition System for Recognition of Printed Text
PPTX
Final Report on Optical Character Recognition
PDF
Optical Character Recognition from Text Image
PPT
optical character recognition system
PPTX
Handwritten digit recognition using image processing
PPTX
Optical Character Recognition
PDF
CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...
PPTX
OCR speech using Labview
A Review of Optical Character Recognition System for Recognition of Printed Text
Final Report on Optical Character Recognition
Optical Character Recognition from Text Image
optical character recognition system
Handwritten digit recognition using image processing
Optical Character Recognition
CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...
OCR speech using Labview

What's hot (20)

PDF
OCR vs. Urjanet
PPTX
Automatic handwriting recognition
PPTX
Optical Character Recognition( OCR )
PPTX
Optical Character Recognition (OCR) based Retrieval
PPTX
Machine learning
PPTX
OCR processing with deep learning: Apply to Vietnamese documents
PPTX
Handwritten Character Recognition
PPTX
Optical Character Recognition
PPTX
OCR Presentation (Optical Character Recognition)
PDF
Optical Character Recognition Using Python
PPTX
Text extraction From Digital image
PPTX
Text Detection and Recognition
PPT
Text reader [OCR]
PPTX
Handwriting Recognition
PDF
Optical Character Recognition (OCR) System
DOCX
Optical character recognition IEEE Paper Study
PPTX
Handwritten character recognition using artificial neural network
PDF
Handwriting recogntion slides boeing
DOCX
Hand Written Character Recognition Using Neural Networks
OCR vs. Urjanet
Automatic handwriting recognition
Optical Character Recognition( OCR )
Optical Character Recognition (OCR) based Retrieval
Machine learning
OCR processing with deep learning: Apply to Vietnamese documents
Handwritten Character Recognition
Optical Character Recognition
OCR Presentation (Optical Character Recognition)
Optical Character Recognition Using Python
Text extraction From Digital image
Text Detection and Recognition
Text reader [OCR]
Handwriting Recognition
Optical Character Recognition (OCR) System
Optical character recognition IEEE Paper Study
Handwritten character recognition using artificial neural network
Handwriting recogntion slides boeing
Hand Written Character Recognition Using Neural Networks
Ad

Viewers also liked (11)

PDF
diploma marksheet
DOCX
imageprocessing-abstract
PPT
OCR
PPTX
Travelling salesman problem
PPTX
Optical Character Recognition (OCR)
PPTX
Travelling salesman problem using genetic algorithms
PPT
The Travelling Salesman Problem
PPTX
Face recognition using artificial neural network
PPTX
Genetic Algorithm by Example
PPT
Genetic algorithm
PPTX
Travelling Salesman Problem
diploma marksheet
imageprocessing-abstract
OCR
Travelling salesman problem
Optical Character Recognition (OCR)
Travelling salesman problem using genetic algorithms
The Travelling Salesman Problem
Face recognition using artificial neural network
Genetic Algorithm by Example
Genetic algorithm
Travelling Salesman Problem
Ad

Similar to An approach to empirical Optical Character recognition paradigm using Multi-Layer Perceptorn Neural Network (20)

PDF
Novi sad ai event 3-2018
PDF
Devanagari Digit and Character Recognition Using Convolutional Neural Network
PPTX
Neural network basic and introduction of Deep learning
PDF
NeuralProcessingofGeneralPurposeApproximatePrograms
PDF
Towards neuralprocessingofgeneralpurposeapproximateprograms
PPTX
Convolutional Neural Networks CNN
PDF
11.secure compressed image transmission using self organizing feature maps
PDF
Modern OpenGL scientific visualization
PPTX
Convolution Neural Network Lecture Slides
PDF
最近の研究情勢についていくために - Deep Learningを中心に -
PDF
物件偵測與辨識技術
PDF
Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020
PDF
New Approach of Preprocessing For Numeral Recognition
PPTX
Machine learning - session 7
PPTX
U-Netpresentation.pptx
PDF
Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)
PDF
Dataset creation for Deep Learning-based Geometric Computer Vision problems
PPTX
Find nuclei in images with U-net
PPTX
CAPTCHA and Convolutional neural network
PPTX
Mnist report ppt
Novi sad ai event 3-2018
Devanagari Digit and Character Recognition Using Convolutional Neural Network
Neural network basic and introduction of Deep learning
NeuralProcessingofGeneralPurposeApproximatePrograms
Towards neuralprocessingofgeneralpurposeapproximateprograms
Convolutional Neural Networks CNN
11.secure compressed image transmission using self organizing feature maps
Modern OpenGL scientific visualization
Convolution Neural Network Lecture Slides
最近の研究情勢についていくために - Deep Learningを中心に -
物件偵測與辨識技術
Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020
New Approach of Preprocessing For Numeral Recognition
Machine learning - session 7
U-Netpresentation.pptx
Image Segmentation (D3L1 2017 UPC Deep Learning for Computer Vision)
Dataset creation for Deep Learning-based Geometric Computer Vision problems
Find nuclei in images with U-net
CAPTCHA and Convolutional neural network
Mnist report ppt

More from Abdullah al Mamun (20)

PPTX
Underfitting and Overfitting in Machine Learning
PPTX
Recurrent Neural Networks (RNNs)
PPTX
Random Forest
PPTX
Principal Component Analysis PCA
PPTX
Natural Language Processing (NLP)
PPTX
Naive Bayes
PPTX
Multilayer Perceptron Neural Network MLP
PPTX
Long Short Term Memory LSTM
PPTX
Linear Regression
PPTX
K-Nearest Neighbor(KNN)
PPTX
Hidden Markov Model (HMM)
PPTX
Ensemble Method (Bagging Boosting)
PPTX
Artificial Neural Network ANN
PPTX
Reinforcement Learning, Application and Q-Learning
PPTX
Session on evaluation of DevSecOps
PPTX
Artificial Intelligence: Classification, Applications, Opportunities, and Cha...
PPTX
DevOps Presentation.pptx
PPTX
Python Virtual Environment.pptx
PPTX
Artificial intelligence Presentation.pptx
PPT
Automatic Speaker Recognition system using MFCC and VQ approach
Underfitting and Overfitting in Machine Learning
Recurrent Neural Networks (RNNs)
Random Forest
Principal Component Analysis PCA
Natural Language Processing (NLP)
Naive Bayes
Multilayer Perceptron Neural Network MLP
Long Short Term Memory LSTM
Linear Regression
K-Nearest Neighbor(KNN)
Hidden Markov Model (HMM)
Ensemble Method (Bagging Boosting)
Artificial Neural Network ANN
Reinforcement Learning, Application and Q-Learning
Session on evaluation of DevSecOps
Artificial Intelligence: Classification, Applications, Opportunities, and Cha...
DevOps Presentation.pptx
Python Virtual Environment.pptx
Artificial intelligence Presentation.pptx
Automatic Speaker Recognition system using MFCC and VQ approach

Recently uploaded (20)

PPT
introduction to datamining and warehousing
PPTX
Sustainable Sites - Green Building Construction
PPTX
Internet of Things (IOT) - A guide to understanding
PPTX
CH1 Production IntroductoryConcepts.pptx
PPTX
Artificial Intelligence
PPTX
bas. eng. economics group 4 presentation 1.pptx
PPTX
additive manufacturing of ss316l using mig welding
PDF
SM_6th-Sem__Cse_Internet-of-Things.pdf IOT
PPTX
FINAL REVIEW FOR COPD DIANOSIS FOR PULMONARY DISEASE.pptx
PDF
Embodied AI: Ushering in the Next Era of Intelligent Systems
PPT
Introduction, IoT Design Methodology, Case Study on IoT System for Weather Mo...
PPTX
Infosys Presentation by1.Riyan Bagwan 2.Samadhan Naiknavare 3.Gaurav Shinde 4...
PPTX
Engineering Ethics, Safety and Environment [Autosaved] (1).pptx
PPTX
Lecture Notes Electrical Wiring System Components
PPTX
MET 305 2019 SCHEME MODULE 2 COMPLETE.pptx
PDF
Enhancing Cyber Defense Against Zero-Day Attacks using Ensemble Neural Networks
PDF
Model Code of Practice - Construction Work - 21102022 .pdf
DOCX
ASol_English-Language-Literature-Set-1-27-02-2023-converted.docx
PPT
Project quality management in manufacturing
PPTX
M Tech Sem 1 Civil Engineering Environmental Sciences.pptx
introduction to datamining and warehousing
Sustainable Sites - Green Building Construction
Internet of Things (IOT) - A guide to understanding
CH1 Production IntroductoryConcepts.pptx
Artificial Intelligence
bas. eng. economics group 4 presentation 1.pptx
additive manufacturing of ss316l using mig welding
SM_6th-Sem__Cse_Internet-of-Things.pdf IOT
FINAL REVIEW FOR COPD DIANOSIS FOR PULMONARY DISEASE.pptx
Embodied AI: Ushering in the Next Era of Intelligent Systems
Introduction, IoT Design Methodology, Case Study on IoT System for Weather Mo...
Infosys Presentation by1.Riyan Bagwan 2.Samadhan Naiknavare 3.Gaurav Shinde 4...
Engineering Ethics, Safety and Environment [Autosaved] (1).pptx
Lecture Notes Electrical Wiring System Components
MET 305 2019 SCHEME MODULE 2 COMPLETE.pptx
Enhancing Cyber Defense Against Zero-Day Attacks using Ensemble Neural Networks
Model Code of Practice - Construction Work - 21102022 .pdf
ASol_English-Language-Literature-Set-1-27-02-2023-converted.docx
Project quality management in manufacturing
M Tech Sem 1 Civil Engineering Environmental Sciences.pptx

An approach to empirical Optical Character recognition paradigm using Multi-Layer Perceptorn Neural Network

  • 1. An approach to empirical Optical Character recognition paradigm using Multi-Layer Perceptorn Neural Network
  • 2. OUTLINEOUTLINE IntroductionIntroduction What is Optical Character RecognitionWhat is Optical Character Recognition OCR ModelOCR Model Acquiring ImageAcquiring Image Input PreprocessingInput Preprocessing Input SegmentationInput Segmentation Feature ExtractionFeature Extraction Multi-Layer Perceptron Neural NetworkMulti-Layer Perceptron Neural Network TrainingTraining RecognitionRecognition Experimental ResultExperimental Result ConclusionsConclusions ReferencesReferences Dec 22, 2015 2An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
  • 3. Dec 22, 2015 3An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network  Representing the architecture of Optical Character Recognition(OCR) that is designed using artificial computational model same as biological neuron network. Introduction
  • 4. What isWhat is OOpticalptical CCharacterharacter RRecognitionecognition??  OCR allow to convert mechanical or electronic image base text into the machine encodes able text through an optical mechanism.  The ultimate objective of OCR is to simulate the human reading capabilities so the computer can read, understand, edit and do similar activities it does with the text. Dec 22, 2015 4An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
  • 5. OCR ModelOCR Model Figure 1:Figure 1: Optical Character Recognizer Model. Dec 22, 2015 5An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
  • 6. Acquiring ImageAcquiring Image - Image is acquisition from any possible source that can be hardware device like camera, scanner and so on. Dec 22, 2015 6An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
  • 7. Input PreprocessingInput Preprocessing - Image processing is a signal processing that convert either an image or a set of characteristics or parameters related to the image. -It is achieve correction of distortion, noise reduction, normalization, filtering the image and so on. Dec 22, 2015 7An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
  • 8. Input PreprocessingInput Preprocessing - The RGB color space contains red, green, blue that are added together in a variety of ways to reproduce a array of color. Dec 22, 2015 8An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network RGB to Gray scale Conversion Input ImageRGB to Gray scale Conversion
  • 9. Input PreprocessingInput Preprocessing - A binary image has only two possible color value for each pixel is that black and white. This color depth is 1-bit monochrome. Dec 22, 2015 9An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network Gray scale to Binary Image Conversion RGB to Gray scale ImageGray scale to Binary image
  • 10. InputInput Segmentation - By the Image segmentation simplify and/or change the representation of an image into something that is more meaningful and easier to analyze. -Image segmentation is used for object recognition of an image; detect the boundary estimation, image editing or image database look-up. Dec 22, 2015 10An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
  • 11. InputInput Segmentation - Enumeration of character lines in a character image is essential in delimiting the bounds within which the detection can precede. Dec 22, 2015 11An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network Determining Character Line Figure-6: Boundary detection of character line.
  • 12. InputInput Segmentation - Detection of individual symbols involves scanning character lines for orthogonally separable images composed of black pixels. Dec 22, 2015 12An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network Detecting Individual Character Figure-7: Boundary detection of a character.
  • 13. Feature ExtractionFeature Extraction - Feature extraction extract set of feature to produce the relevant information from the original input set data that can be represent in a lower dimensionality space. -To implement the feature extraction process we have used Image to matrix mapping process. Dec 22, 2015 13An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network
  • 14. Feature ExtractionFeature Extraction - By the matrix mapping process the character image is converted corresponding two dimensional binary matrixes. Dec 22, 2015 14An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network Image to Matrix Mapping Image to Matrix Mapping Image to Matrix Mapping Binary Represe ntation Binary Represe ntation
  • 15. Multi-Layer Perceptron Neural NetworkMulti-Layer Perceptron Neural Network Dec 22, 2015 15An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network Multi-Layer Perceptron Neural network has an input layer, hidden layer and output layer. Input layer feed the input data set that is came from feature extraction and output layer produced the set of output vector.
  • 16. TrainingTraining Dec 22, 2015 16An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network  Appling the learning process algorithm within the multilayer network architecture, the synaptic weights and threshold are update in a way that the classification/recognition task can be performing efficiently.  Presenting 600-602-6 three Layer Neural network architecture to perform the Optical Character Recognition Learning process.
  • 17. Algorithm (sequential) 1. Apply an input vector and calculate all activations, a and u 2. Evaluate ∆k for all output units via: (Note similarity to perceptron learning algorithm) 3. Backpropagate ∆ks to get error terms δ for hidden layers using: 4. Evaluate changes using: ))(('))()(()( tagtytdt iiii −=∆ ∑∆= k kikii wttugt )())((')(δ )()()()1( )()()()1( tzttwtw txttvtv jiijij jiijij ∆+=+ +=+ η ηδ Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 17
  • 18. Once weight changes are computed for all units, weights are updated at the same time (bias included as weights here). An example: y1 y2 x1 x2 v11= -1 v21= 0 v12= 0 v22= 1 v10= 1 v20= 1 w11= 1 w21= -1 w12= 0 w22= 1 Use identity activation function (ie g(a) = a) Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 18
  • 19. All biases set to 1. Will not draw them for clarity. Learning rate η = 0.1 y1 y2 x1 x2 v11= -1 v21= 0 v12= 0 v22= 1 w11= 1 w21= -1 w12= 0 w22= 1 Have input [0 1] with target [1 0]. x1= 0 x2= 1 Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 19
  • 20. Forward pass. Calculate 1st layer activations: y1 y2 v11= -1 v21= 0 v12= 0 v22= 1 w11= 1 w21= -1 w12= 0 w22= 1 u2 = 2 u1 = 1 u1 = -1x0 + 0x1 +1 = 1 u2 = 0x0 + 1x1 +1 = 2 x1 x2 Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 20
  • 21. Calculate first layer outputs by passing activations thru activation functions y1 y2 x1 x2 v11= -1 v21= 0 v12= 0 v22= 1 w11= 1 w21= -1 w12= 0 w22= 1 z2 = 2 z1 = 1 z1 = g(u1) = 1 z2 = g(u2) = 2 Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 21
  • 22. Calculate 2nd layer outputs (weighted sum thru activation functions): y1= 2 y2= 2 x1 x2 v11= -1 v21= 0 v12= 0 v22= 1 w11= 1 w21= -1 w12= 0 w22= 1 y1 = a1 = 1x1 + 0x2 +1 = 2 y2 = a2 = -1x1 + 1x2 +1 = 2 Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 22
  • 23. Backward pass: ∆1= -1 ∆2= -2 x1 x2 v11= -1 v21= 0 v12= 0 v22= 1 w11= 1 w21= -1 w12= 0 w22= 1 )())(('))()(( )()()()1( tztagtytd tzttwtw jiii jiijij −= ∆=−+ η η Target =[1, 0] so d1 = 1 and d2 = 0 So: ∆1 = (d1 - y1 )= 1 – 2 = -1 ∆2 = (d2 - y2 )= 0 – 2 = -2 Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 23
  • 24. Calculate weight changes for 1st layer (cf perceptron learning): ∆1 z1 =-1x1 x2 v11= -1 v21= 0 v12= 0 v22= 1 w11= 1 w21= -1 w12= 0 w22= 1 )()()()1( tzttwtw jiijij ∆=−+ η z2 = 2 z1 = 1 ∆1 z2 =-2 ∆2 z1 =-2 ∆2 z2 =-4 Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 24
  • 25. Weight changes will be: x1 x2 v11= -1 v21= 0 v12= 0 v22= 1 w11= 0.9 w21= -1.2 w12= -0.2 w22= 0.6 )()()()1( tzttwtw jiijij ∆=−+ η Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 25
  • 26. But first must calculate δ’s: ∆1= -1 ∆2= -2 x1 x2 v11= -1 v21= 0 v12= 0 v22= 1 ∆1 w11= -1 ∆2 w21= 2 ∆1 w12= 0 ∆2 w22= -2 ∑∆= k kikii wttugt )())((')(δ Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 26
  • 27. ∆’s propagate back: ∆1= -1 ∆2= -2 x1 x2 v11= -1 v21= 0 v12= 0 v22= 1 δ1= 1 δ2 = -2 δ1 = - 1 + 2 = 1 δ2 = 0 – 2 = -2 ∑∆= k kikii wttugt )())((')(δ Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 27
  • 28. And are multiplied by inputs: ∆1= -1 ∆2= -2 v11= -1 v21= 0 v12= 0 v22= 1 δ1 x1 = 0 δ2 x2 = -2 )()()()1( txttvtv jiijij ηδ=−+ x2= 1 x1= 0 δ2 x1 = 0 δ1 x2 = 1 Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 28
  • 29. Finally change weights: v11= -1 v21= 0 v12= 0.1 v22= 0.8 )()()()1( txttvtv jiijij ηδ=−+ x2= 1 x1= 0 w11= 0.9 w21= -1.2 w12= -0.2 w22= 0.6 Note that the weights multiplied by the zero input are unchanged as they do not contribute to the error We have also changed biases (not shown) Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 29
  • 30. Now go forward again (would normally use a new input vector): v11= -1 v21= 0 v12= 0.1 v22= 0.8 )()()()1( txttvtv jiijij ηδ=−+ x2= 1 x1= 0 w11= 0.9 w21= -1.2 w12= -0.2 w22= 0.6 z2 = 1.6 z1 = 1.2 Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 30
  • 31. Now go forward again (would normally use a new input vector): v11= -1 v21= 0 v12= 0.1 v22= 0.8 )()()()1( txttvtv jiijij ηδ=−+ x2= 1 x1= 0 w11= 0.9 w21= -1.2 w12= -0.2 w22= 0.6 y2 = 0.32 y1 = 1.66 Outputs now closer to target value [1, 0] Dec 22, 2015 An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network 31
  • 32. RecognitionRecognition Dec 22, 2015 32An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network Feature data is feed to the network input layer and produced an output vector and calculating the error function.
  • 33. Experimental ResultExperimental Result Dec 22, 2015 33An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network Chart-1: Isolated Character Recognition experiment result comparison. 62 English character (i.e, English Capital Alphabets A to Z, English Small Alphabets a to z, English Numerical Digits 0 to 9) image recognition. So the average Success rate for the Isolated Character Recognition is = 91.53% Isolated Character Recognition
  • 34. Experimental ResultExperimental Result Dec 22, 2015 34An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network Chart-2: Sentential Case Character Recognition experiment result comparison. For the sentential case character we have used the sentence is “A Quick Brown Fox Jumps over the Lazy Dog.” This experimental sentence is written four different type of font like Arial, Calibri (body), Segoe UI and Times New Roman. So the average Success rate for the sentential case Character Recognition is = 80.65% Sentential Case Character Recognition 0 20 40 60 80 100 Correct Recognition Wrong Recognition Success(%) Error(%)
  • 35. ConclusionsConclusions  In our proposed system are achieved 91.53% accuracy for the isolated character and 80.65% accuracy for the sentential case character.  In future we try to be improved the accuracy of the OCR model by better preprocessing method and optimal ANN architecture. Dec 22, 2015 35An approach to empirical OCR paradigm using Multi-Layer Perceptorn Neural Network

Editor's Notes

  • #5: OCR is the contraction for Optical Character Recognition is a technology that allows converting mechanical or electronic image base text into the machine encodes able text through an optical mechanism The ultimate objective of any OCR system is to simulate the human reading capabilities so the computer can read, understand, edit and do similar activities it does with the text. Automatic number plate recognition for house address, vehicle and something like this; Read the business card information; Convert to textual format from a scanning or printed document or book; Converting the handwriting character
  • #7: The databases collect the observations required for parameter estimations.