OFFLINE HANDWRITTEN WORD RECOGNITION USING A HYBRID NEURAL NETWORK AND HIDDEN MARKOV MODEL Yong Haur Tay1, Pierre-Michel Lallican2, Marzuki Khalid1, Christian Viard-Gaudin3, Stefan Knerr2 1

Centre for Artificial Intelligence & Robotics (CAIRO), Universiti Teknologi Malaysia, Jalan Semarak, 54100 Kuala Lumpur, Malaysia. {yhtay, marzuki}@utm.my 2

Vision Objects, 11, rue de la Fontaine Caron, 44300 Nantes, France. {pmlallican, stefan.knerr}@visionobjects.com

3

Laboratoire IRCCyN/UMR CNRS, Ecole Polytechnique de l'Université de Nantes Rue Christian Pauc, BP 60601, 44306 Nantes Cedex 03, France. [email protected]

ABSTRACT This paper describes an approach to combine neural network (NN) and Hidden Markov models (HMM) for solving handwritten word recognition problem. The preprocessing involves generating a segmentation graph that describes all possible ways to segment a word into letters. To recognize a word, the NN computes the observation probabilities for each letter hypothesis in the segmentation graph. The HMMs then compute the likelihood for each word in the lexicon by summing the probabilities over all possible paths through the graph. One critical criterion for the NN-HMM hybrid system is that the NN character recognizer should be able to recognize non-characters or junks, apart from having the ability to distinguish between characters. In other words, the NN should give low probabilities for all character classes if junks are presented. We introduce the discriminant training to train the NN to recognize junk. We present a structural training scheme to improve the performance of the recognizer. An offline handwritten word recognizer is developed based on this approach and the recognition performance of the recognizer on three isolated word image databases, namely, IRONOFF, SRTP and AWS, are presented. 1. INTRODUCTION NN is powerful in discriminating shapes from different classes, but it has less capability in temporal recognition. On the other hand, the HMM is good in handling temporal sequence, but due to its usual MaximumLikelihood (ML) estimation, it has less discriminating power than the former. Realizing the pros and cons of the two techniques, it has been shown that combining the two in a sensible way can yield better recognition results [1][2][3].

In this paper, we present an offline handwritten word recognizer that is based on the NN-HMM Hybrid approach described above. Using sliding window technique, word image is sliced from left to right into vertical frames, in which their width is relative to the core-height of the word. Then, a segmentation graph is built by combining several consecutive frames to form letter hypotheses. The NN estimates character recognition probabilities for each letter hypothesis, while the HMM computes the best segmentation among all possible letter hypothesis, using dynamic programming approach. As the segmentation graph may consist letter hypotheses that are non-characters or ‘junks’, we need to model those observations into the NN with the intention that the NN gives low character probabilities for junks. To overcome this problem, we introduce one extra neuron at the NN output layer. This output neuron is responsible to give high recognition probability for junk examples. By using the softmax normalization at the NN output layer, all other outputs will therefore give near to null output probabilities. The problem now is how we can train the NN to discriminate those junks. For this purpose, we propose discriminant training to generate enough junk examples efficiently from the training data to train the NN. The recognizer initially needs to be bootstrapped by training the NN to perform character recognition task. In order to automate the process and to avoid manual segmentation and labeling, which is time-consuming and inconsistent, we use a baseline recognizer to generate isolated characters from the word images for NN training. The baseline recognizer is based on the discrete HMM, thus, generates characters from word images is by simply running the Viterbi algorithm on the true model to select the best segmentation path. This paper is organized as follows: Overview of the system is presented in Section 2. This is then followed by the detail explanation

of the training schedule in Section 3. Experiments and results are presented in Section 4. Finally, Section 5 presents the concluding remarks. 2.

NN-HMM RECOGNITION SYSTEM

2.1 Neural Networks In this NN-HMM hybrid recognition system, the NN plays a bigger role in the whole recognition system. It functions as the character recognizer that is not only be able to recognize character in probability value, but also be able to reject the letter hypotheses that do not look like any letter that it learned during the training process. We utilize the dynamic programming (forward-backward and Viterbi) in the HMM to select the most probable recognition result given a word image. The NN is a 2layer multilayer perceptron (MLP). It has 140 input neurons, 200 hidden neurons with sigmoid activation function, and 67 output neurons with softmax activation function. we choose the softmax activation function for the output neurons since it forces all outputs to sum up to 1.0, thus creating competition between classes. The NN outputs divided by the corresponding letter class prior are used directly as observation probabilities for the HMM: P(letter|SegCandidate) / P(letter). This probability is generally called scaled likelihood. 2.2 Hidden Markov Models

3. Bootstrap

TRAINING SCHEME Viterbi B Training

Discriminant Training

Viterbi Segmentation

Junk Examples Generation

NN Training

NN Training

NN Training

Transition Probability Estimation

Transition Probability Estimation

Transition Probability Estimation

Bootstrap Recognition Result

Viterbi B Recognition Result

Discriminant Training Recognition Result

Figure 1. Training stages of the NN-HMM hybrid recognizer At the HMM level, we have 66 letter-HMMs, each representing frequently used English and French letters, and one ligature-HMM. Each letter-HMM is represented by 9 states. Only transitions from one state to the next state, or to the final state are possible. State q N handles the observation probability for the letter hypothesis that is composed of N consecutive frames. For each word in the lexicon, we compose a word-HMM by concatenating the basic-HMMs together. Ligature-HMM is added before and after a letter-HMM. Composing word-HMMs from letter-HMMs allows for dynamic lexicons that can be modified at recognition time. In order to compare recognition scores from words with different lengths, the

score of the word-HMM is divided by the number of letters in a given word (ligatures are not accounted for). Figure 1 illustrates the structural training scheme to improve the performance of the recognizer. The training can be divided into 3 main stages: 3.1 Bootstrap. We first need to train the NN to recognize characters. This can be done by manually segmenting word images into isolated character images with associated class labels. As this approach is rather laborious and timeconsuming, we opted for an automatic approach, which uses the trained baseline recognizer to segment the word images in the training set into isolated characters. This can be done by running the Viterbi backtracking algorithm to select the best segmentation path, given the true HMM. Baum-Welch training is performed after this to estimate the transition probabilities. 3.2 Viterbi B. Given the discriminant power of the NN, the initial bootstrapped recognition result shall already be better that the baseline recognizer. We iterate this training procedure a few times by using the obtained hybrid recognizer to segment the word images into letters for the NN training. Baum-Welch training is again performed to estimate the transition probabilities. 3.3 Discriminant Training. During the first two stages, the recognizer managed to improve its recognition accuracy significantly. However, one problem remains unsolved in which the NN was not trained to reject junks. For these letter hypotheses, e.g. part of a character or combination of a few characters, the NN will gave unpredictable results. This is known as the collapse problem [1]. To solve this problem, we have added another output to the NN, which is responsible for giving a high probability if a junk is presented. Although the HMM will not use this probability directly, a high probability at this junk class output will eventually flatten the probability distribution of other character classes if a junk example is presented (Remember that we are using softmax normalization at the NN output layer, which sum all outputs to 1.0). At this training stage, we generate junk examples and combine character examples to retrain the NN. Baum-Welch training for transition probabilities is again performed after the NN retraining. One of the many ways to generate junks to train the NN is: Given a true HMM, all letter hypotheses that are not belonged to the best segmentation are junk examples. This method can generate almost the entire junk examples that can be found in the training database. However, the problem of this using this method is that: 1. We will generate huge number of junk examples to train the NN; consequently, we need a NN with enough parameters to learn all junk examples. Furthermore, more training examples means that the training process can be very time-consuming.

2.

Some of the letter hypothesis although are not in the best segmentation, given the true HMM, it might resembles other characters. For examples, ‘w’ can be combination of two ‘u’s, left part of ‘d’ could look like a ‘c’, and so on. Generating those hypotheses as the junk examples will create competition between junk class and those character classes, thus will eventually pull down the probability of those classes compared to others that have no such problem. Thus, we introduce the discriminant training, which is a process to carefully choose the letter hypotheses that cause recognition errors as junk examples. The key idea of the training is that, given a true HMM, λτ ,and the best HMM, λ* , we compute the difference of γ between each letter hypothesis. The γ probability represent probability that a given observation is a true letter observation for the considering word-HMM, λ . γ can be computed using the forward α , and backward β , variables as defined as below:

γi =

αiβ j P (O | λ )

The letter hypothesis that has the minimum of difference between two γ is considered as the junk examples. The junk example from the letter hypothesis can be formulated as: Junk = arg minγ iτ − γ i* i∈T

where T is the total number of letter hypothesis. Once the junk examples are generated, we retrain the NN with all character and junks, and followed by estimation of transition probability using Baum-Welch algorithm. 4. EXPERIMENTS AND ANALYSIS In order to testify our system, three databases of cursive handwritten words are used in our experiments, namely IRONOFF [4] dual handwriting database, SRTP chequeword database, AWS single-scriptor database. The IRONOFF contains a total of 36,396 isolated French word images from a 196-word lexicon. Although the database contains both on-line and off-line information of the handwriting signals, only the off-line information is used for our experiments. The offline handwriting signals are sampled with spatial resolution of 300 dots per inch (DPI), with 8 bits per pixel (256 gray level). The training data set contains 24,177 word images, and another 12,219 images are used as test data set. The scriptors of the two data sets are different. This reflects an omni-scriptor situation where only some types of handwriting styles are available during the designed training of the system. We name the full database as IRONOFF-196. A subset of the IRONOFF-196, which consists of only French cheque-word, is named IRONOFF-Cheque. IRONOFF-Cheque has only 30 word lexicons, and has 4481 test images.

SRTP-Cheque database is collected from the real postal cheques by SRTP, the research arm of French post office, La Poste. It consists of 26 word lexicons with 27,638 training images and 7,884 test images. Scriptors are unknown. The last database, we term it AWS-1334 is a database collected by Senior and Robinson [2]. It consists of 1374 word lexicons with 2360, 675 and 1016, training, validation and test images, respectively. These total of 4035 words are extracted from a text that belongs to the LOB Corpus and was written by single scriptor. In all the presented experiments, recognition scores at the word level were evaluated using two performance measures. The recognition rate, Rec(K), is the percentage of samples that are correctly classified at the top K position in the candidate list. The second measure is the average position, pos , of the true class in the candidate list. Table 1. Recognition performance for each training stage on IRONOFF-196 Training Stage Bootstrap Viterbi B Discriminant Training (196-lex) Discriminant Training (2000-lex)

Rec(1) 91.7 95.0 95.5 96.1

Table 1 shows the recognition performance of the NNHMM hybrid recognizer for each training stage. The training and testing is performed on IRONOFF-196 database. The NN is initially trained with segmentation by the baseline recognizer, which achieve Rec(1) of 89.3%. After the bootstrap process, the recognition of the hybrid recognizer is 91.7%, which is 2.3% better than the baseline recognizer. This indication proves the strength of the hybrid recognizer. By regenerating isolated characters using the hybrid recognizer in the Viterbi B stage, it then gains 4.3% improvement. This is because the hybrid recognizer, having better recognition, is able to segment word into characters more precisely. We separate the discriminant training stage into 2. First, we generate junk examples using the original 196-word lexicon. Rec(1) improve to 95.5% after this stage. We felt that the performance could be better by letting the NN to have more examples of other junks. Thus, at the second discriminant training stage, we instead use a lexicon of 2000 words that closely resemble words in the original 196-word lexicon. This will make the recognition tougher and thus, more junk examples can be generated. And finally it achieves 96.1% of recognition rate, which is 7.5% of recognition improvement over the baseline recognizer, or in other words, a reduction of 70% error reduction (from 10.7% error to 3.2% error). Recognition performances of both recognizers on 4 data sets are presented at Table 2. It shows that the hybrid recognizer achieve significance performance improvement over the baseline recognizer. The

performance improvement is more significant in bigger lexicon database, i.e. AWS-1374, which is indicated by major improvement in Rec(K) and pos . Performance on the SRTP-Cheque is inferior to the IRONOFF because the database is more difficult although the lexicon size is smaller. The images in the IRONOFF database is quite clean compared to the images in the SRTP database, which have a lot of noises due to the preprocessing to extract legal amount from the real postal cheques. To compare the recognition performance of our system with the others, we run the experiment on AWS-1374 database. Performance results of others that we obtained are 93.4% from [2], which is using a recurrent neural network, and 83.6% from [5] using a continuous density HMM with simple line-scanning method. Our baseline recognizer performs surprisingly well, with Rec(1) of 86.2%, given that the segmentation is relatively simple. Having the good performance of the baseline recognizer, the hybrid recognizer inevitably achieve much better recognition performance, Rec(1) of 94.6%, which is outperforming others. The relatively better recognition performance on AWS-1374 can be explained by the fact that this database is only containing handwriting of only single scriptor. Thus, the handwriting style is much homogeneous and easier for the recognizer to model. 5. CONCLUSIONS In this paper, we described our offline handwritten word recognition systems using NN-HMM hybrid approach. Due to that fact that the segmentation graph may contains letter hypotheses that are junks, the NN needs to be trained to tackle such problem. We introduce discriminate training, where in this process, it carefully select letter hypotheses that are influential in causing recognition errors as junk examples, and then to retrain the NN with an extra output neurons for handling junk class. Results on three databases, namely IRONOFF, SRTP and AWS, are presented and show the superiority of the hybrid recognizer compared to out baseline

recognizer, which is using discrete HMM. Finally, we show that the hybrid recognizer can be bootstrapped automatically from the discrete HMM recognizer, and significantly improve its recognition accuracy by going through several training stages. ACKNOWLEDGEMENTS This research has been partly funded through the Ministry of Science, Technology and Environment (MOSTE), Malaysia, under IRPA Grant 72903 and the French government through the French Embassy in Kuala Lumpur. REFERENCES [1] Y. LeCun, L. Bottou, Y. Bengio, P. Haffner, “Gradient-Based Learning Applied to Document Recognition”, Proceedings of IEEE, vol. 86, no 11, pp. 2278-2324, 1998. [2] A.W.Senior and A.J.Robinson, “An Off-Line Cursive Handwriting Recognition System”, IEEE Transactions on Pattern Analysis and Machine Intelligence, vol. 20, 1998. [3] S. Knerr, E. Augustin, O. Baret, and D. Price, “Hidden Markov Model Based Word Recognition and Its Application to Legal Amount Reading on French Checks”, Computer Vision and Image Understanding, vol. 70, no. 3, June 1998, pp. 404419. [4] C. Viard-Gaudin, P.M. Lallican, S. Knerr, P. Binter, “The IRESTE On/Off (IRONOFF) Dual Handwriting Database”, ICDAR’99. [5] A. Vinciarelli, J. Luettin, “Off-Line Cursive Script Recognition Based on Continuous Density HMM”, International Workshop on Frontiers in Handwriting Recognition, IWFHR’2000, Amsterdam, The Netherlands, Sept 2000, pp. 493498.

Table 2. Recognition performances on four test data sets. Database

IRONOFF-196 IRONOFF-Cheque SRTP-Cheque AWS-1374

Lexicon Size 196 30 26 1374

Discrete HMM Recognizer Rec(1) 89.3 94.7 80.2 86.2

Rec(3) 95.0 98.6 91.8 94.1

Rec(5) 96.4 99.3 95.3 96.3

NN-HMM Hybrid Recognizer

pos

2.1 1.1 1.7 3.6

Rec(1) 96.8 98.4 90.0 94.6

Rec(3) 98.7 99.4 97.1 97.8

Rec(5) 99.1 99.6 98.4 98.4

pos

1.4 1.1 1.3 1.9

offline handwritten word recognition using a hybrid neural network and ...

network (NN) and Hidden Markov models (HMM) for solving handwritten word recognition problem. The pre- processing involves generating a segmentation ...

40KB Sizes 0 Downloads 291 Views

Recommend Documents

An Offline Cursive Handwritten Word Recognition System
as the training procedure for the NN-HMM hybrid system. Another recognition ..... Reading on French Checks”, Computer Vision and Image. Understanding, vol.

A Review on Neural Network for Offline Signature Recognition ... - IJRIT
Based on Fusion of Grid and Global Features Using Neural Networks. ... original signatures using the identity and four Gabor transforms, the second step is to ...

Convolutional Neural Network Committees For Handwritten Character ...
Abstract—In 2010, after many years of stagnation, the ... 3D objects, natural images and traffic signs [2]–[4], image denoising .... #Classes. MNIST digits. 60000. 10000. 10. NIST SD 19 digits&letters ..... sull'Intelligenza Artificiale (IDSIA),

Development and Optimizing of a Neural Network for Offline Signature ...
Computer detection of forgeries may be divided into two classes, the on-line ... The signature recognition has been done by using optimum neural network ...

Development and Optimizing of a Neural Network for Offline ... - IJRIT
IJRIT International Journal of Research in Information Technology, Volume 1, Issue ... hidden neurons layers and 5 neurons in output layers gives best results as.

Handwritten Arabic Numeral Recognition using a Multi ...
tremendously to the development of a complete OCR system. ... 8. 9. Fig.1. The decimal digit set of Arabic script. 2 The Feature Sets ... have finally considered 3 overlapping windows, each .... Application for Training Education and Research”,.

A Review on Neural Network for Offline Signature ...
This paper represents a brief review on various approaches used in signature verification systems. Keywords: Signature, Biometric, Artificial Neural Networks, Off-line Signature Recognition and Verification. I. INTRODUCTION. Biometrics are technologi

Handwritten Arabic Numeral Recognition using a Multi ...
mentioned before, is a domain specific design Issue. In the present work, a feature set of 88 features are designed for classification of handwritten Arabic digit ...

Offline Cursive Handwriting Recognition System based on Hybrid ...
Hybrid Markov Model and Neural Networks ... system, based on hybrid of Neural Networks (NN) and ..... French Checks”, Computer Vision and Image.

Automatic speaker recognition using dynamic Bayesian network ...
This paper presents a novel approach to automatic speaker recognition using dynamic Bayesian network (DBN). DBNs have a precise and well-understand ...

Credit Card Fraud Detection Using Neural Network
some of the techniques used for creating false and counterfeit cards. ..... The illustration merges ... Neural network is a latest technique that is being used in.

HIT-MW Dataset for Offline Chinese Handwritten Text ...
School of Computer Science ... writers. Two years later, other two datasets, CEDAR [3] ... Figure 1. Flowchart of HIT-MW Dataset. 2. Sampling Scheme. Our dataset is to make a reasonable representation of. 1 HIT is the ... some degree. Thirdly ...

A Review on Neural Network Implementation Using FPGA
Implementation method with resource/speed tradeoff is proposed to handle signed ... negative value for a weight indicates an inhibitory connection while a ..... Derivative using Back Gate Effect”, VLSI Design and Test Workshop-2003, pp.

Recurrent Neural Network based Approach for Early Recognition of ...
a specific AD signature from EEG. As a result they are not sufficiently ..... [14] Ifeachor CE, Jervis WB. Digital signal processing: a practical approach. Addison-.

Online Signature Verification using PCA and Neural Network - IJRIT
includes online banking transactions, electronic payments, access control, and so on. ... prevalence of credit cards and bank cheques has long been the target of ...

HIT-MW Dataset for Offline Chinese Handwritten Text ...
HIT-MW Dataset for Offline Chinese Handwritten Text Recognition. Tonghua Su. Tianwen ... large number of training and testing data, resulting in high model fit and reliable ..... project report", Pattern Recognition, Vol. 5, No. 3, pp. 213-228 ...

Online Signature Verification using PCA and Neural Network - IJRIT
Signature verification can be applied in commercial fields such as E-business, which includes online banking transactions, electronic payments, access control, ...

CDMA Receiver using Compact Neural Network and ...
A neural network based CDMA (Code Division Multiple Access) receiver for multi-user detection is proposed. The Compact Neural Network based receiver is ...

Sentence recognition using artificial neural networksq ...
and organized collections of data and information that can be used .... methods combine visualization techniques, induction, neural net- works, and .... [3] M.H. Dunham, Data Mining Introductory and Advanced Topics, Prentice Hall,. 2003.

Recognition of Handwritten Numerical Fields in a Large ...
pattern recognition systems is to use synthetic training data. [2, 7, 9]. In this paper, we investigate the utility of artifi- cial data in building a segmentation-based ...

Offline Arabic character recognition system
tion receiving considerable attention in recent years due to the increasing dependence on computer data process- ing. It is used to transform human readable ...

Isolated Tamil Word Speech Recognition System Using ...
Speech is one of the powerful tools for communication. The desire of researchers was that the machine should understand the speech of the human beings for the machine to function or to give text output of the speech. In this paper, an overview of Tam

Online Bangla Word Recognition Using Sub-Stroke ...
Keywords-online handwriting recognition; Bangla script; sub- stroke level features .... a word recognition problem with limited lexicon, this sharing of parameters within ..... writing Recognition: A Survey,” Int. Journal on Document. Analysis and 

Developmental Word Recognition
... but rather one of restructuring (improvement with increased auto- .... Greece and had used English in school for at least 10 .... Procedure. Pretest and Training.