LITERATURE REVIEW. For Indian languages most of research work is performed firstly on Devnagari script and secondly on Bangla script.

Size: px
Start display at page:

Download "LITERATURE REVIEW. For Indian languages most of research work is performed firstly on Devnagari script and secondly on Bangla script."

Transcription

1 LITERATURE REVIEW For Indian languages most of research work is performed firstly on Devnagari script and secondly on Bangla script. The study of recognition for handwritten Devanagari compound character was conducted by Chavan S. et. al. (2013). Basically Geometric and Zernike moment features are used to recognize the handwritten character. It was tested on handwritten Devanagari basic and compound characters. Image is partition into zone and moment based features and is extracted from each zone. MLP and KNN methods are used for classification and recognition. MLP consist of three layers input, hidden and output for four different features set. MLP classifier is trained with standard back propagation. KNN classifier defines the similarity belonging to same classes. This work has achieved 98.78% accuracy using MLP and 95.56% accuracy using KNN methods. Khopkar M. ( 2012) has used MLP network to recognize Gujarati script which consist of three layers: one input, one hidden and one output layer. In this study symbol image detection is an integral part of input set preparation in both training and testing phase. In feature extraction process during first pass, left, right, top of all characters are detected and in second pass bottom (extreme) is discovered. Training network depend on the complexity of the patterns which are usually characterized by feature overlap and high data size. The proposed system identifies individual character with an accuracy of 80%.the major limitation of this study is it only recognizes single isolated Gujarati character. Pal A. and Singh D. (2010) proposed a Multilayer Perceptron (MLP) with one hidden layer to recognize handwritten English character. They used boundary detection feature extraction technique along with Fourier Descriptor to extract the information of the boundary of handwritten character. 500 samples are used to train back propagation network algorithm. The result shows that as the number of hidden nodes increases, the performance of back propagation network in recognition of handwritten English character is also high. The algorithm provides 94% of recognition accuracy with less training time.

2 Solanki P. and Bhatt M. (2013) have developed OCR for printed Guajarati character using Hopfield Neural network. Principal Component Analysis (PCA) is used to extract features of Gujarati character which reduce the dimensionality of a data set. The data set consist of large number of interrelated variables. Hopfield neural classifier is a special kind of recurrent neural network used for classification of characters based on features. They have used 748 images for training data set and obtained accuracy of 93.25%. Patil M. et. al. ( 2013) introduced a method for segmentation of text document and then recognized the handwritten Devnagari characters from the same. They divided process into two steps segmentation into line word and character, and then recognize the characters. For the recognition of segmented characters, feed forward neural network with one hidden layer is used. They achieved 100% success for the segmentation but due to similar shaped characters and connected characters, 60% result achieved for recognition of handwritten Devnagari text. Hybrid approach based on binary tree classifier and k-nearest neighbor for recognition of Gujarati handwritten characters is discussed by Patel C. and Desai A. (2013). They used structural and statistical feature for the classification and identification of characters. Classifications of characters based on primary features are done by studying the formation of each character. Once the character is classified into particular subset, secondary features like averaging, moment based and centroid distance based features are used for final identification. The author has collected 200 samples from different age groups and achieved recognition accuracy of 63.1%. Kumar V. and Rao R. (2013) presented multi layer perceptron (MLP) networks for recognition of handwritten Telugu characters. MLP classifier are first constructed and then integrated based on some features. With the help of back propagation algorithm, each MLP classifier is trained. For this they collected 195 samples, out of which 95 samples for training and other 100 samples used for testing of data. The result shows that by increasing number of hidden neurons does not improve the recognition accuracy of handwritten characters.

3 Singh S. et. al. ( 2011) suggested Support Vector Machine (SVM) classifier with Radial Basis Function (RBF) kernel for the classification. Th ey used zoning density (ZD) and background directional distribution (BDD) features for their experiment. By combining both types of features, total 144 features are used for classification. SVM classifier takes set of input data and classify them into one of the two distinct classes. The SVM performance is depends on the kernel used. SVM trained with whole data set achieved 95.04% 5 fold cross validation accuracy. J. P. et. al. ( 2011) presented a diagonal feature extraction method for handwritten alphabets recognition system. In this approach character image is divided into 54 equal zones which has 10*10 pixels size. From each zone pixels, features are extracted by moving along their diagonals. To train a feed forward back propagation neural network, these extracted features are used. For the classification, a feed forward back propagation neural network with two hidden layers is used. The accuracy of 97.8% for 54 features and 98.5% for 69 features shows that the recognition system provides good recognition accuracy with less time for training. Wagh T. and Badgujar C. (2013) proposed ANN to recognize handwritten Devanagari character and English numerals. They created character matrixes of each letter with the network structure. 900 inputs and 49 neurons in its output layer are required for neural network to identify the character. For the classification, Multilayer Perceptron (MLP) is used which is trained by Error Back Propagation (EBP) algorithm. The result shows that the success of method depends on the size of database. That means if the database is large, then probability of success is high but speed of recognition is slow. Kaur P. and Singh B. (2012) presented Support Vector Machine (SVM) classifier and features like zonal density, distance profiles, projection histogram and background directional distribution (BDD) in recognition of signboard images of Gurumukhi. The data set is collected from 15 different persons for 10 samples of each 10 numerals. In their work they recognized Gurumukhi characters and numerals both separately.

4 Choudhary A. et. al. (2013) proposed a new vertical segmentation algorithm for segmentation of off-line cursive handwritten words. This technique is developed to enhance over segmentation of word image by thinning the word image to get stroke width of a single pixel. The word image is scanned vertically, column wise and number of foreground pixels are count in each column. This Potential Segmentation Columns (PSC) is present in groups in word image where sum of foreground pixels are 0 or 1. This type of situation is termed as over-segmentation. They selected 200 handwritten word samples to evaluate the proposed approach. From their technique 83.5% of accuracy is obtained. Yang Y. et. al. (2011) developed OCR by combining features to trained Back Propagation (BP) network for recognition of English character. There are two kinds of features extractedstatistical feature and structural feature. From the character matrix, statistical features are extracted by doing lot of statistic. It is characterized by its strong anti-interference, the algorithm for matching and classification. A structural feature shows the character structure. They are combined with point, circle, line and other basic stroke. By structural feature, we can correctly identify character. BP network is made up of three layers-input layers, output layer and one hidden layer. The structural and statistical features are sent to BP network which solve the problem of External noise interference and accomplish the recognition. The result show that BP network with combine features achieved good recognition capability and convergence speed only within 184 epochs compared to other features classified by BP network. Pirlo G. and Impedovo D. (2011) proposed zoning based classification using Fuzzy Membership Function to recognize handwritten character. To define the problem of zoning based classification, they presented a real-coded genetic algorithm. It is used to find in single procedure, the optimal FMF together with design of the optimal zoning described by voronoi tessellation. The membership function defines the way in which feature influences the different zones. The result shows that fuzzy membership functions provide better classification performance compare to standard membership functions based on ranked level, measurement level weighting models and abstract level.

5 Patil S. et. al. (2010) discussed the characteristic of Support Vector Machine (SVM) and Artificial Neural Network (ANN) classification methods for handwritten Devanagari character recognition. Extracted features like chain code histogram, shadow feature, view based and longest run are used in SVM and Multilayer Perceptron (MLP) classifiers. Shadow feature is the length of the projection on sides. Chain code provides the points which are independent of the coordinate system in relative position to one another. View based features examine the different views of each character and from them describe the given character. The same MLP is designed for all four feature sets and trained with standard back propagation algorithm. The results for recognition of Devanagari character shows that SVMs provides reliable classification than ANN. John J. et. al. (2012) presents wavelet transform and Support Vector Machine (SVM) for recognition of unconstrained handwritten Malayam characters. Wavelet transform is used for feature extraction and only analysis filter are used for decomposition. This decomposition and image of a character in to set of different resolution sub-images which is helpful for extracting relevant features. SVM is used for linear and non linear classification of character. It is mapped into high dimensional space through radial basis function kernel, so that feature space is linearly separable. The SVM is discriminative classifiers which has good generalization and convergence property. By this method they achieved result of 90.25%. To recognize Bengali handwritten characters, Rahman A. and Saddik A. (2007) proposed curvefitting algorithm. Modified Syntactic Method (MSM) consist of major four components - reference database character component, stroke generation component, curvature analysis and string generation component, string matching and character recognition. This method does not require any image segmentation. It helps in recognizing various strokes of different patterns with high accuracy and also provides structural description of characters. The problem may occur if some of the strokes in a character are of same magnitude as noise character. This proposed algorithm gives 95% of accuracy. Choudhary A. et. al. (2013) developed OCR for recognition of handwritten character of English language by extracting features from binarization technique. In this method pixel values are separated into two groups- black as foreground and white as background. The main idea behind

6 this is to minimize the unwanted information present in the image and eliminate the background noise associated with the image. Global gray scale intensity thresholding is used in this technique. To classify the offline cursive handwritten character, multilayer feed forward neural network classifier is used. The feature extracted from binarization along with back propagation algorithm gives accuracy of 85.62%. Maximum epochs are allowed for the training process in this study. The training will stop if network would not converge within this maximum allowed epochs. Another feature extraction based on contourlet transform for handwritten Malayam character recognition is proposed by George A. and Gafoor F. (2014). In this method, the original image is divided to a low pass image and a band pass image using Laplacian Pyramid (LP) decomposing. Each band pass image is further decomposed by Directional Filter Banks (DFB). They have used 16 statistical features like ratios of grid values in horizontal and vertical direction and 4 levels contourlet decomposition. A feed forward back propagation with three hidden layers is used for the classification. This system provides 97.3% of an average accuracy. Mukarambi G. et. al. ( 2012) proposed OCR to recognize mixture of Kannada and English character with single algorithm. To extract the features, character image is divided into zones and then these features are fed to the SVM classifier. This algorithm is independent of slant of the characters and thinning. But the problem with this method is it does not provide high recognition accuracy for large database with fewer amounts of time and with minimum number of features. The SVM classifies with 2 fold cross validation technique provide 73.33% and 96.13% of average recognition accuracy for Kannada consonants and English lowercase alphabets correspondingly. Desai A. (2010) has done his work on Gujarati numerals recognition where he has collected 0-9 digits from 300 different people. In the scanned image contrast, adjustment is done by adaptive histogram equalization algorithm, smoothing of image boundaries are done using median filter and nearest neighborhood interpolation algorithm is used to put all handwritten digit in a uniform size. To deal with skew correction, digit is rotated up to 100 fine patterns for each digit in clock wise and anti-clock wise direction with difference of 20 each. He has suggested four different

7 profiles, horizontal, vertical and two diagonals for the feature extraction. The vector of these four profiles is used for identification of a digit. He used feed forward back propagation neural network for the classification and proposed multilayered neural network with three layers (94, 50, 10) neurons respectively and has achieved 81.66% of accuracy in his work. In the preprocessing phase, Rahman S. et. al. (2008) used canny method for edge detection and normalized numerals using thinning and dilation algorithm. He extracts four directional local feature vector by kirsch mask and one global feature vector. Kirsch mask used to get the edges through the horizontal, vertical, right and left diagonal. He used PCA and SVM to enhance the accuracy. PCA decrease the dimension and extract more significant feature. The output of PCA is then passed to a SVM to determine appropriate class. They achieved 92.5% of accuracy. Singh R. and Kaur M. (2010) suggested adaptive sampling algorithm, Otsu s threshold algorithm and hilditch algorithm and its variants for normalization, image binarization and thinning of binarized image. They have represented each character as a feature vector in the feature extraction stage. The various features for the classification are the character height, character width, the number of horizontal lines (long and short), the number of vertical lines (long and short), number of slop lines and special dots. For the classification of the Telugu characters, they used Back Propagation algorithm. It is based on supervised learning. It consists of three layers: input, hidden and output. There are two phase in that: forward phase and backward phase. Aggarwal A. et. al. (2012) used threshold value for converting image into binary image. Median filtering is used to remove the noise and after segmentation each character is normalized to size 90*90. For the feature extraction, they proposed Gradient feature. This feature measures the gradient magnitude and gradient direction of greatest change in intensity in a small neighborhood of each pixel. Sobel templates are used to compute the gradients. They used SVM with RBF kernel as a classifier. Basically SVM is two classes classifier. Margin width between the classes is the optimization criterion that is the empty area around the decision boundary defined by the distance to the nearest training pattern. This pattern called support vector which define classification function. They achieved 94% of recognition accuracy.

8 Niranjan S. et al. (2009) used Fisher Linear Discriminate analysis (FLD), 2DFLD, and diagonal FLD based methods for feature extraction to recognize unconstrained Kannada handwritten characters. They have calculated between class scatter matrix, within class scatter matrix, solved generalized eigenvectors and eigenvalues, sort eigenvectors by their associate eigenvalues from high to low and from each sample of training set extracted feature. For the classification purpose, they used different distance measure techniques such as, Minkowski, Manhattan, Euclidean, Squared Euclidean, Mean Square Error, Angle, Correlation co-efficient, Mahalonobis between normed vector, Weighted Manhattan, Weighted SSE, Weighted angle, Canberra, Modified Manhattan, Modified SSE, Weighted Modified SSE, Weighted Modified Manhattan are used and defines that combination of 2D-FLD with Angle and Correlation performs better recognition of vowels and consonants for Kannada handwritten characters compared to other methods and distance metric. Patil N. et. al. (2011) suggested Moment Invariants (MIs), Affine moments Invariants (AMIs), image thinning, structuring the image in box format for the feature extraction. The MIs are derived by means of the theory of algebraic invariants whereas AMIs are invariants under general affine transformation. They used Fuzzy Gaussian Membership function for the classification of Marathi handwritten characters. The template is formed and it consists of mean and standard deviation for each feature. In preprocessing stage, Agnihotri V. ( 2012) used threshold value and sobel technique for binarization and edge detection. After binarization and edge detection, dilation on the image and filling of the holes were presented. In segmentation, he segmented the preprocessed image into isolated character using labeling process. The label provides information about number of characters in image. He used diagonal feature extraction for extracting the features. Individual character is resized to 90*60 pixels and divided into 54 equal zones and size is 10*10 pixels. The features are extracted from each zone by moving along their diagonals. This process is repeated for zones to extraction of 54 features for each character. He used Feed Forward Back Propagation neural network for the classification. The neural network consists of 54/69 inputs layers, two hidden layer with 100 neurons and output layer with 44 neurons. He achieved 97% of recognition accuracy for 54 features and 98% for 69 features.

9 Shrivastava S. and Gharde S. (2010) have done their work for recognition handwritten Devanagari Numeral. They have collected 2000 samples from the different age group. Moment Invariants (MIs) and Affine Moment Invariants (AMIs) are used as feature extract ion. MIs are used to evaluate seven distributed parameters of numeral image and AMIs were derived by mean of the theory of algebraic invariants. These methods extract 18 features from the image. Here SVM is used for the classification phase. SVM is supervised machine learning technique. SVM with Radial Basis Function (RBF) gives 99.48% recognition accuracy. Shanthi N. and Duraiswamy K. (2007) compared different image sizes for Tamil character recognition. Various preprocessing operation like thresholding, skeletonization, line segmentation, character segmentation, normalization done using Otsu s histogram-based global thresholding, Hilditch s algorithm, Horizontal histogram profile, vertical histogram profile and bilinear interpolation technique respectively. For the feature extraction, pixel densities are calculated for different zones of the image and values are used as character feature. These features are train and test using the SVM. The results are tested for 32*32, 48*48 and 64*64 size image. They achieved 87.4% of recognition rate for unconstrained Tamil character. Patil S. et. al. (2012) used Fourier Descriptor and HMM for the recognition of handwritten Devanagari characters. They have collected 500 samples from the 50 different age group people. Before feature extraction image is normalized using moment normalization method. To resize the image Fourier Descriptor is used and then translates it to the center of the image frame. These extracted features are applied to HMM (hidden Markov model) for the training. The HMM is a finite set of states, which is associated with a probability distribution. The result can be depends on the trained dataset for more number of states per model. Dixit S. and Suresh H. (2013) have proposed line segmentation technique with sliding window and skewing operation for handwritten Tamil characters. Binarization is done using Adaptive Histogram Equalization technique. To remove the problem of inappropriate segmentation due to skewed lines and line overlapping, they performed Sliding Window Based line segmentation and skewing operation. This segmentation method gives average 87% recognition accuracy.

10 Vikram C. et. al. (2013) has done their work for handwritten Telugu character recognition using Multilayer Perceptron (MLP). Features are extracted from the different zones and feature vector is computed from the training set. Classification using MLP model gives 85% of recognition rate. Sureshkumar C. and Ravichandran T. (2010) used Neural Network with RCS for the recognition of handwritten Tamil characters. In their work, after scanning the image, paragraph segmentation is done using Vertical Histogram, line segmentation using Vertical Histogram, word segmentation and character image glyphs using Horizontal Histogram method. They have extracted the Invariant Fourier Descriptor feature which is independent of position, size and orientation. Classification using RCS and back propagation, they achieved 97% recognition accuracy. Choudhury A. and Mukherjee J. (2013) have proposed their work for handwritten Bangla numerals. They applied median filter technique for noise reduction and Otsu s method for binarization. Line segmentation is used to extract the feature and matches the characters with template images. Correlation Coefficient is used for the perfect matching which gives successful match between test data and training data.

11

Cursive Handwriting Recognition System Using Feature Extraction and Artificial Neural Network

Cursive Handwriting Recognition System Using Feature Extraction and Artificial Neural Network Cursive Handwriting Recognition System Using Feature Extraction and Artificial Neural Network Utkarsh Dwivedi 1, Pranjal Rajput 2, Manish Kumar Sharma 3 1UG Scholar, Dept. of CSE, GCET, Greater Noida,

More information

HANDWRITTEN GURMUKHI CHARACTER RECOGNITION USING WAVELET TRANSFORMS

HANDWRITTEN GURMUKHI CHARACTER RECOGNITION USING WAVELET TRANSFORMS International Journal of Electronics, Communication & Instrumentation Engineering Research and Development (IJECIERD) ISSN 2249-684X Vol.2, Issue 3 Sep 2012 27-37 TJPRC Pvt. Ltd., HANDWRITTEN GURMUKHI

More information

OCR For Handwritten Marathi Script

OCR For Handwritten Marathi Script International Journal of Scientific & Engineering Research Volume 3, Issue 8, August-2012 1 OCR For Handwritten Marathi Script Mrs.Vinaya. S. Tapkir 1, Mrs.Sushma.D.Shelke 2 1 Maharashtra Academy Of Engineering,

More information

Chapter Review of HCR

Chapter Review of HCR Chapter 3 [3]Literature Review The survey of literature on character recognition showed that some of the researchers have worked based on application requirements like postal code identification [118],

More information

A Brief Study of Feature Extraction and Classification Methods Used for Character Recognition of Brahmi Northern Indian Scripts

A Brief Study of Feature Extraction and Classification Methods Used for Character Recognition of Brahmi Northern Indian Scripts 25 A Brief Study of Feature Extraction and Classification Methods Used for Character Recognition of Brahmi Northern Indian Scripts Rohit Sachdeva, Asstt. Prof., Computer Science Department, Multani Mal

More information

A Technique for Offline Handwritten Character Recognition

A Technique for Offline Handwritten Character Recognition A Technique for Offline Handwritten Character Recognition 1 Shilpy Bansal, 2 Mamta Garg, 3 Munish Kumar 1 Lecturer, Department of Computer Science Engineering, BMSCET, Muktsar, Punjab 2 Assistant Professor,

More information

Isolated Curved Gurmukhi Character Recognition Using Projection of Gradient

Isolated Curved Gurmukhi Character Recognition Using Projection of Gradient International Journal of Computational Intelligence Research ISSN 0973-1873 Volume 13, Number 6 (2017), pp. 1387-1396 Research India Publications http://www.ripublication.com Isolated Curved Gurmukhi Character

More information

SEVERAL METHODS OF FEATURE EXTRACTION TO HELP IN OPTICAL CHARACTER RECOGNITION

SEVERAL METHODS OF FEATURE EXTRACTION TO HELP IN OPTICAL CHARACTER RECOGNITION SEVERAL METHODS OF FEATURE EXTRACTION TO HELP IN OPTICAL CHARACTER RECOGNITION Binod Kumar Prasad * * Bengal College of Engineering and Technology, Durgapur, W.B., India. Rajdeep Kundu 2 2 Bengal College

More information

CHAPTER 8 COMPOUND CHARACTER RECOGNITION USING VARIOUS MODELS

CHAPTER 8 COMPOUND CHARACTER RECOGNITION USING VARIOUS MODELS CHAPTER 8 COMPOUND CHARACTER RECOGNITION USING VARIOUS MODELS 8.1 Introduction The recognition systems developed so far were for simple characters comprising of consonants and vowels. But there is one

More information

DEVANAGARI SCRIPT SEPARATION AND RECOGNITION USING MORPHOLOGICAL OPERATIONS AND OPTIMIZED FEATURE EXTRACTION METHODS

DEVANAGARI SCRIPT SEPARATION AND RECOGNITION USING MORPHOLOGICAL OPERATIONS AND OPTIMIZED FEATURE EXTRACTION METHODS DEVANAGARI SCRIPT SEPARATION AND RECOGNITION USING MORPHOLOGICAL OPERATIONS AND OPTIMIZED FEATURE EXTRACTION METHODS Sushilkumar N. Holambe Dr. Ulhas B. Shinde Shrikant D. Mali Persuing PhD at Principal

More information

Handwritten Character Recognition A Review

Handwritten Character Recognition A Review International Journal of Scientific and Research Publications, Volume 5, Issue 3, March 2015 1 Handwritten Character Recognition A Review Surya Nath R S *, Afseena S ** * Computer Science, College of Engineering

More information

Handwritten Script Recognition at Block Level

Handwritten Script Recognition at Block Level Chapter 4 Handwritten Script Recognition at Block Level -------------------------------------------------------------------------------------------------------------------------- Optical character recognition

More information

Segmentation Based Optical Character Recognition for Handwritten Marathi characters

Segmentation Based Optical Character Recognition for Handwritten Marathi characters Segmentation Based Optical Character Recognition for Handwritten Marathi characters Madhav Vaidya 1, Yashwant Joshi 2,Milind Bhalerao 3 Department of Information Technology 1 Department of Electronics

More information

Handwritten Gurumukhi Character Recognition by using Recurrent Neural Network

Handwritten Gurumukhi Character Recognition by using Recurrent Neural Network 139 Handwritten Gurumukhi Character Recognition by using Recurrent Neural Network Harmit Kaur 1, Simpel Rani 2 1 M. Tech. Research Scholar (Department of Computer Science & Engineering), Yadavindra College

More information

Handwritten Devanagari Character Recognition Model Using Neural Network

Handwritten Devanagari Character Recognition Model Using Neural Network Handwritten Devanagari Character Recognition Model Using Neural Network Gaurav Jaiswal M.Sc. (Computer Science) Department of Computer Science Banaras Hindu University, Varanasi. India gauravjais88@gmail.com

More information

Handwritten Character Recognition: A Comprehensive Review on Geometrical Analysis

Handwritten Character Recognition: A Comprehensive Review on Geometrical Analysis IOSR Journal of Computer Engineering (IOSRJCE) eissn: 22780661,pISSN: 22788727, Volume 17, Issue 2, Ver. IV (Mar Apr. 2015), PP 8388 www.iosrjournals.org Handwritten Character Recognition: A Comprehensive

More information

Handwritten Numeral Recognition of Kannada Script

Handwritten Numeral Recognition of Kannada Script Handwritten Numeral Recognition of Kannada Script S.V. Rajashekararadhya Department of Electrical and Electronics Engineering CEG, Anna University, Chennai, India svr_aradhya@yahoo.co.in P. Vanaja Ranjan

More information

Structural Feature Extraction to recognize some of the Offline Isolated Handwritten Gujarati Characters using Decision Tree Classifier

Structural Feature Extraction to recognize some of the Offline Isolated Handwritten Gujarati Characters using Decision Tree Classifier Structural Feature Extraction to recognize some of the Offline Isolated Handwritten Gujarati Characters using Decision Tree Classifier Hetal R. Thaker Atmiya Institute of Technology & science, Kalawad

More information

MOMENT AND DENSITY BASED HADWRITTEN MARATHI NUMERAL RECOGNITION

MOMENT AND DENSITY BASED HADWRITTEN MARATHI NUMERAL RECOGNITION MOMENT AND DENSITY BASED HADWRITTEN MARATHI NUMERAL RECOGNITION S. M. Mali Department of Computer Science, MAEER S Arts, Commerce and Science College, Pune Shankarmali007@gmail.com Abstract In this paper,

More information

Optical Character Recognition (OCR) for Printed Devnagari Script Using Artificial Neural Network

Optical Character Recognition (OCR) for Printed Devnagari Script Using Artificial Neural Network International Journal of Computer Science & Communication Vol. 1, No. 1, January-June 2010, pp. 91-95 Optical Character Recognition (OCR) for Printed Devnagari Script Using Artificial Neural Network Raghuraj

More information

NOVATEUR PUBLICATIONS INTERNATIONAL JOURNAL OF INNOVATIONS IN ENGINEERING RESEARCH AND TECHNOLOGY [IJIERT] ISSN: VOLUME 5, ISSUE

NOVATEUR PUBLICATIONS INTERNATIONAL JOURNAL OF INNOVATIONS IN ENGINEERING RESEARCH AND TECHNOLOGY [IJIERT] ISSN: VOLUME 5, ISSUE OPTICAL HANDWRITTEN DEVNAGARI CHARACTER RECOGNITION USING ARTIFICIAL NEURAL NETWORK APPROACH JYOTI A.PATIL Ashokrao Mane Group of Institution, Vathar Tarf Vadgaon, India. DR. SANJAY R. PATIL Ashokrao Mane

More information

An Improvement Study for Optical Character Recognition by using Inverse SVM in Image Processing Technique

An Improvement Study for Optical Character Recognition by using Inverse SVM in Image Processing Technique An Improvement Study for Optical Character Recognition by using Inverse SVM in Image Processing Technique I Dinesh KumarVerma, II Anjali Khatri I Assistant Professor (ECE) PDM College of Engineering, Bahadurgarh,

More information

Image Processing. Image Features

Image Processing. Image Features Image Processing Image Features Preliminaries 2 What are Image Features? Anything. What they are used for? Some statements about image fragments (patches) recognition Search for similar patches matching

More information

Building Multi Script OCR for Brahmi Scripts: Selection of Efficient Features

Building Multi Script OCR for Brahmi Scripts: Selection of Efficient Features Building Multi Script OCR for Brahmi Scripts: Selection of Efficient Features Md. Abul Hasnat Center for Research on Bangla Language Processing (CRBLP) Center for Research on Bangla Language Processing

More information

Handwritten Hindi Numerals Recognition System

Handwritten Hindi Numerals Recognition System CS365 Project Report Handwritten Hindi Numerals Recognition System Submitted by: Akarshan Sarkar Kritika Singh Project Mentor: Prof. Amitabha Mukerjee 1 Abstract In this project, we consider the problem

More information

Devanagari Isolated Character Recognition by using Statistical features

Devanagari Isolated Character Recognition by using Statistical features Devanagari Isolated Character Recognition by using Statistical features ( Foreground Pixels Distribution, Zone Density and Background Directional Distribution feature and SVM Classifier) Mahesh Jangid

More information

Biometrics Technology: Image Processing & Pattern Recognition (by Dr. Dickson Tong)

Biometrics Technology: Image Processing & Pattern Recognition (by Dr. Dickson Tong) Biometrics Technology: Image Processing & Pattern Recognition (by Dr. Dickson Tong) References: [1] http://homepages.inf.ed.ac.uk/rbf/hipr2/index.htm [2] http://www.cs.wisc.edu/~dyer/cs540/notes/vision.html

More information

Handwritten Gurumukhi Character Recognition Using Zoning Density and Background Directional Distribution Features

Handwritten Gurumukhi Character Recognition Using Zoning Density and Background Directional Distribution Features Handwritten Gurumukhi Character Recognition Using Zoning Density and Background Directional Distribution Features Kartar Singh Siddharth #1, Renu Dhir #2, Rajneesh Rani #3 # Department of Computer Science

More information

A two-stage approach for segmentation of handwritten Bangla word images

A two-stage approach for segmentation of handwritten Bangla word images A two-stage approach for segmentation of handwritten Bangla word images Ram Sarkar, Nibaran Das, Subhadip Basu, Mahantapas Kundu, Mita Nasipuri #, Dipak Kumar Basu Computer Science & Engineering Department,

More information

Fine Classification of Unconstrained Handwritten Persian/Arabic Numerals by Removing Confusion amongst Similar Classes

Fine Classification of Unconstrained Handwritten Persian/Arabic Numerals by Removing Confusion amongst Similar Classes 2009 10th International Conference on Document Analysis and Recognition Fine Classification of Unconstrained Handwritten Persian/Arabic Numerals by Removing Confusion amongst Similar Classes Alireza Alaei

More information

HCR Using K-Means Clustering Algorithm

HCR Using K-Means Clustering Algorithm HCR Using K-Means Clustering Algorithm Meha Mathur 1, Anil Saroliya 2 Amity School of Engineering & Technology Amity University Rajasthan, India Abstract: Hindi is a national language of India, there are

More information

Segmentation and Recognition of Gujarati Printed Numerals from Image

Segmentation and Recognition of Gujarati Printed Numerals from Image Segmentation and Recognition of Gujarati Printed Numerals from Image Jagin M. Patel M. K. Institute of Computer Studies, Bharuch, Gujarat, India. Apurva A. Desai Dept. of Computer Science, Veer Narmad

More information

Complementary Features Combined in a MLP-based System to Recognize Handwritten Devnagari Character

Complementary Features Combined in a MLP-based System to Recognize Handwritten Devnagari Character Journal of Information Hiding and Multimedia Signal Processing 2011 ISSN 2073-4212 Ubiquitous International Volume 2, Number 1, January 2011 Complementary Features Combined in a MLP-based System to Recognize

More information

PCA-based Offline Handwritten Character Recognition System

PCA-based Offline Handwritten Character Recognition System Smart Computing Review, vol. 3, no. 5, October 2013 346 Smart Computing Review PCA-based Offline Handwritten Character Recognition System Munish Kumar 1, M. K. Jindal 2, and R. K. Sharma 3 1 Computer Science

More information

Comparative Performance Analysis of Feature(S)- Classifier Combination for Devanagari Optical Character Recognition System

Comparative Performance Analysis of Feature(S)- Classifier Combination for Devanagari Optical Character Recognition System Comparative Performance Analysis of Feature(S)- Classifier Combination for Devanagari Optical Character Recognition System Jasbir Singh Department of Computer Science Punjabi University Patiala, India

More information

A Review on Handwritten Character Recognition

A Review on Handwritten Character Recognition IJCST Vo l. 8, Is s u e 1, Ja n - Ma r c h 2017 ISSN : 0976-8491 (Online) ISSN : 2229-4333 (Print) A Review on Handwritten Character Recognition 1 Anisha Sharma, 2 Soumil Khare, 3 Sachin Chavan 1,2,3 Dept.

More information

Optical Character Recognition

Optical Character Recognition Chapter 2 Optical Character Recognition 2.1 Introduction Optical Character Recognition (OCR) is one of the challenging areas of pattern recognition. It gained popularity among the research community due

More information

A Survey of Problems of Overlapped Handwritten Characters in Recognition process for Gurmukhi Script

A Survey of Problems of Overlapped Handwritten Characters in Recognition process for Gurmukhi Script A Survey of Problems of Overlapped Handwritten Characters in Recognition process for Gurmukhi Script Arwinder Kaur 1, Ashok Kumar Bathla 2 1 M. Tech. Student, CE Dept., 2 Assistant Professor, CE Dept.,

More information

Segmentation of Kannada Handwritten Characters and Recognition Using Twelve Directional Feature Extraction Techniques

Segmentation of Kannada Handwritten Characters and Recognition Using Twelve Directional Feature Extraction Techniques Segmentation of Kannada Handwritten Characters and Recognition Using Twelve Directional Feature Extraction Techniques 1 Lohitha B.J, 2 Y.C Kiran 1 M.Tech. Student Dept. of ISE, Dayananda Sagar College

More information

Traffic Signs Recognition using HP and HOG Descriptors Combined to MLP and SVM Classifiers

Traffic Signs Recognition using HP and HOG Descriptors Combined to MLP and SVM Classifiers Traffic Signs Recognition using HP and HOG Descriptors Combined to MLP and SVM Classifiers A. Salhi, B. Minaoui, M. Fakir, H. Chakib, H. Grimech Faculty of science and Technology Sultan Moulay Slimane

More information

Segmentation of Bangla Handwritten Text

Segmentation of Bangla Handwritten Text Thesis Report Segmentation of Bangla Handwritten Text Submitted By: Sabbir Sadik ID:09301027 Md. Numan Sarwar ID: 09201027 CSE Department BRAC University Supervisor: Professor Dr. Mumit Khan Date: 13 th

More information

Recognition of Off-Line Handwritten Devnagari Characters Using Quadratic Classifier

Recognition of Off-Line Handwritten Devnagari Characters Using Quadratic Classifier Recognition of Off-Line Handwritten Devnagari Characters Using Quadratic Classifier N. Sharma, U. Pal*, F. Kimura**, and S. Pal Computer Vision and Pattern Recognition Unit, Indian Statistical Institute

More information

Review of Automatic Handwritten Kannada Character Recognition Technique Using Neural Network

Review of Automatic Handwritten Kannada Character Recognition Technique Using Neural Network Review of Automatic Handwritten Kannada Character Recognition Technique Using Neural Network 1 Mukesh Kumar, 2 Dr.Jeeetendra Sheethlani 1 Department of Computer Science SSSUTMS, Sehore Abstract Data processing

More information

Handwritten Hindi Character Recognition System Using Edge detection & Neural Network

Handwritten Hindi Character Recognition System Using Edge detection & Neural Network Handwritten Hindi Character Recognition System Using Edge detection & Neural Network Tanuja K *, Usha Kumari V and Sushma T M Acharya Institute of Technology, Bangalore, India Abstract Handwritten recognition

More information

A System for Joining and Recognition of Broken Bangla Numerals for Indian Postal Automation

A System for Joining and Recognition of Broken Bangla Numerals for Indian Postal Automation A System for Joining and Recognition of Broken Bangla Numerals for Indian Postal Automation K. Roy, U. Pal and B. B. Chaudhuri CVPR Unit; Indian Statistical Institute, Kolkata-108; India umapada@isical.ac.in

More information

EE795: Computer Vision and Intelligent Systems

EE795: Computer Vision and Intelligent Systems EE795: Computer Vision and Intelligent Systems Spring 2012 TTh 17:30-18:45 WRI C225 Lecture 04 130131 http://www.ee.unlv.edu/~b1morris/ecg795/ 2 Outline Review Histogram Equalization Image Filtering Linear

More information

In this assignment, we investigated the use of neural networks for supervised classification

In this assignment, we investigated the use of neural networks for supervised classification Paul Couchman Fabien Imbault Ronan Tigreat Gorka Urchegui Tellechea Classification assignment (group 6) Image processing MSc Embedded Systems March 2003 Classification includes a broad range of decision-theoric

More information

Image Processing: Final Exam November 10, :30 10:30

Image Processing: Final Exam November 10, :30 10:30 Image Processing: Final Exam November 10, 2017-8:30 10:30 Student name: Student number: Put your name and student number on all of the papers you hand in (if you take out the staple). There are always

More information

Paper ID: NITETE&TC05 THE HANDWRITTEN DEVNAGARI NUMERALS RECOGNITION USING SUPPORT VECTOR MACHINE

Paper ID: NITETE&TC05 THE HANDWRITTEN DEVNAGARI NUMERALS RECOGNITION USING SUPPORT VECTOR MACHINE Paper ID: NITETE&TC05 THE HANDWRITTEN DEVNAGARI NUMERALS RECOGNITION USING SUPPORT VECTOR MACHINE Rupali Vitthalrao Suryawanshi Department of Electronics Engineering, Bharatratna Indira Gandhi College,

More information

Segmentation of Characters of Devanagari Script Documents

Segmentation of Characters of Devanagari Script Documents WWJMRD 2017; 3(11): 253-257 www.wwjmrd.com International Journal Peer Reviewed Journal Refereed Journal Indexed Journal UGC Approved Journal Impact Factor MJIF: 4.25 e-issn: 2454-6615 Manpreet Kaur Research

More information

LECTURE 6 TEXT PROCESSING

LECTURE 6 TEXT PROCESSING SCIENTIFIC DATA COMPUTING 1 MTAT.08.042 LECTURE 6 TEXT PROCESSING Prepared by: Amnir Hadachi Institute of Computer Science, University of Tartu amnir.hadachi@ut.ee OUTLINE Aims Character Typology OCR systems

More information

Machine Learning : Clustering, Self-Organizing Maps

Machine Learning : Clustering, Self-Organizing Maps Machine Learning Clustering, Self-Organizing Maps 12/12/2013 Machine Learning : Clustering, Self-Organizing Maps Clustering The task: partition a set of objects into meaningful subsets (clusters). The

More information

Hand Written Character Recognition using VNP based Segmentation and Artificial Neural Network

Hand Written Character Recognition using VNP based Segmentation and Artificial Neural Network International Journal of Emerging Engineering Research and Technology Volume 4, Issue 6, June 2016, PP 38-46 ISSN 2349-4395 (Print) & ISSN 2349-4409 (Online) Hand Written Character Recognition using VNP

More information

Feature Extraction and Image Processing, 2 nd Edition. Contents. Preface

Feature Extraction and Image Processing, 2 nd Edition. Contents. Preface , 2 nd Edition Preface ix 1 Introduction 1 1.1 Overview 1 1.2 Human and Computer Vision 1 1.3 The Human Vision System 3 1.3.1 The Eye 4 1.3.2 The Neural System 7 1.3.3 Processing 7 1.4 Computer Vision

More information

Handwritten Character Recognition System using Chain code and Correlation Coefficient

Handwritten Character Recognition System using Chain code and Correlation Coefficient Handwritten Character Recognition System using Chain code and Correlation Coefficient Ravi Sheth1, N C Chauhan2, Mahesh M Goyani3, Kinjal A Mehta4 1Information Technology Dept., A.D Patel Institute of

More information

SEGMENTATION OF CHARACTERS WITHOUT MODIFIERS FROM A PRINTED BANGLA TEXT

SEGMENTATION OF CHARACTERS WITHOUT MODIFIERS FROM A PRINTED BANGLA TEXT SEGMENTATION OF CHARACTERS WITHOUT MODIFIERS FROM A PRINTED BANGLA TEXT ABSTRACT Rupak Bhattacharyya et al. (Eds) : ACER 2013, pp. 11 24, 2013. CS & IT-CSCP 2013 Fakruddin Ali Ahmed Department of Computer

More information

Handwritten character and word recognition using their geometrical features through neural networks

Handwritten character and word recognition using their geometrical features through neural networks Handwritten character and word recognition using their geometrical features through neural networks Sudarshan Sawant 1, Prof. Seema Baji 2 1 Student, Department of electronics and Tele-communications,

More information

Image Normalization and Preprocessing for Gujarati Character Recognition

Image Normalization and Preprocessing for Gujarati Character Recognition 334 Image Normalization and Preprocessing for Gujarati Character Recognition Jayashree Rajesh Prasad Department of Computer Engineering, Sinhgad College of Engineering, University of Pune, Pune, Mahaashtra

More information

Digital Image Processing

Digital Image Processing Digital Image Processing Third Edition Rafael C. Gonzalez University of Tennessee Richard E. Woods MedData Interactive PEARSON Prentice Hall Pearson Education International Contents Preface xv Acknowledgments

More information

HMM-based Indic Handwritten Word Recognition using Zone Segmentation

HMM-based Indic Handwritten Word Recognition using Zone Segmentation HMM-based Indic Handwritten Word Recognition using Zone Segmentation a Partha Pratim Roy*, b Ayan Kumar Bhunia, b Ayan Das, c Prasenjit Dey, d Umapada Pal a Dept. of CSE, Indian Institute of Technology

More information

Assignment 2. Classification and Regression using Linear Networks, Multilayer Perceptron Networks, and Radial Basis Functions

Assignment 2. Classification and Regression using Linear Networks, Multilayer Perceptron Networks, and Radial Basis Functions ENEE 739Q: STATISTICAL AND NEURAL PATTERN RECOGNITION Spring 2002 Assignment 2 Classification and Regression using Linear Networks, Multilayer Perceptron Networks, and Radial Basis Functions Aravind Sundaresan

More information

3D Object Recognition using Multiclass SVM-KNN

3D Object Recognition using Multiclass SVM-KNN 3D Object Recognition using Multiclass SVM-KNN R. Muralidharan, C. Chandradekar April 29, 2014 Presented by: Tasadduk Chowdhury Problem We address the problem of recognizing 3D objects based on various

More information

Recognition of Gurmukhi Text from Sign Board Images Captured from Mobile Camera

Recognition of Gurmukhi Text from Sign Board Images Captured from Mobile Camera International Journal of Information & Computation Technology. ISSN 0974-2239 Volume 4, Number 17 (2014), pp. 1839-1845 International Research Publications House http://www. irphouse.com Recognition of

More information

CLASSIFICATION WITH RADIAL BASIS AND PROBABILISTIC NEURAL NETWORKS

CLASSIFICATION WITH RADIAL BASIS AND PROBABILISTIC NEURAL NETWORKS CLASSIFICATION WITH RADIAL BASIS AND PROBABILISTIC NEURAL NETWORKS CHAPTER 4 CLASSIFICATION WITH RADIAL BASIS AND PROBABILISTIC NEURAL NETWORKS 4.1 Introduction Optical character recognition is one of

More information

2. LITERATURE REVIEW

2. LITERATURE REVIEW 2. LITERATURE REVIEW CBIR has come long way before 1990 and very little papers have been published at that time, however the number of papers published since 1997 is increasing. There are many CBIR algorithms

More information

Offline Tamil Handwritten Character Recognition using Chain Code and Zone based Features

Offline Tamil Handwritten Character Recognition using Chain Code and Zone based Features Offline Tamil Handwritten Character Recognition using Chain Code and Zone based Features M. Antony Robert Raj 1, S. Abirami 2 Department of Information Science and Technology Anna University, Chennai 600

More information

RULE BASED SIGNATURE VERIFICATION AND FORGERY DETECTION

RULE BASED SIGNATURE VERIFICATION AND FORGERY DETECTION RULE BASED SIGNATURE VERIFICATION AND FORGERY DETECTION M. Hanmandlu Multimedia University Jalan Multimedia 63100, Cyberjaya Selangor, Malaysia E-mail:madasu.hanmandlu@mmu.edu.my M. Vamsi Krishna Dept.

More information

CHAPTER 1 Introduction 1. CHAPTER 2 Images, Sampling and Frequency Domain Processing 37

CHAPTER 1 Introduction 1. CHAPTER 2 Images, Sampling and Frequency Domain Processing 37 Extended Contents List Preface... xi About the authors... xvii CHAPTER 1 Introduction 1 1.1 Overview... 1 1.2 Human and Computer Vision... 2 1.3 The Human Vision System... 4 1.3.1 The Eye... 5 1.3.2 The

More information

2: Image Display and Digital Images. EE547 Computer Vision: Lecture Slides. 2: Digital Images. 1. Introduction: EE547 Computer Vision

2: Image Display and Digital Images. EE547 Computer Vision: Lecture Slides. 2: Digital Images. 1. Introduction: EE547 Computer Vision EE547 Computer Vision: Lecture Slides Anthony P. Reeves November 24, 1998 Lecture 2: Image Display and Digital Images 2: Image Display and Digital Images Image Display: - True Color, Grey, Pseudo Color,

More information

Indian Multi-Script Full Pin-code String Recognition for Postal Automation

Indian Multi-Script Full Pin-code String Recognition for Postal Automation 2009 10th International Conference on Document Analysis and Recognition Indian Multi-Script Full Pin-code String Recognition for Postal Automation U. Pal 1, R. K. Roy 1, K. Roy 2 and F. Kimura 3 1 Computer

More information

Region-based Segmentation

Region-based Segmentation Region-based Segmentation Image Segmentation Group similar components (such as, pixels in an image, image frames in a video) to obtain a compact representation. Applications: Finding tumors, veins, etc.

More information

Anno accademico 2006/2007. Davide Migliore

Anno accademico 2006/2007. Davide Migliore Robotica Anno accademico 6/7 Davide Migliore migliore@elet.polimi.it Today What is a feature? Some useful information The world of features: Detectors Edges detection Corners/Points detection Descriptors?!?!?

More information

Localization, Extraction and Recognition of Text in Telugu Document Images

Localization, Extraction and Recognition of Text in Telugu Document Images Localization, Extraction and Recognition of Text in Telugu Document Images Atul Negi Department of CIS University of Hyderabad Hyderabad 500046, India atulcs@uohyd.ernet.in K. Nikhil Shanker Department

More information

Online Handwritten Devnagari Word Recognition using HMM based Technique

Online Handwritten Devnagari Word Recognition using HMM based Technique Online Handwritten Devnagari Word using HMM based Technique Prachi Patil Master of Engineering Dept. of Electronics & Telecommunication Dr. D. Y. Patil SOE, Pune, India Saniya Ansari Professor Dept. of

More information

Feature descriptors. Alain Pagani Prof. Didier Stricker. Computer Vision: Object and People Tracking

Feature descriptors. Alain Pagani Prof. Didier Stricker. Computer Vision: Object and People Tracking Feature descriptors Alain Pagani Prof. Didier Stricker Computer Vision: Object and People Tracking 1 Overview Previous lectures: Feature extraction Today: Gradiant/edge Points (Kanade-Tomasi + Harris)

More information

Word-wise Hand-written Script Separation for Indian Postal automation

Word-wise Hand-written Script Separation for Indian Postal automation Word-wise Hand-written Script Separation for Indian Postal automation K. Roy U. Pal Dept. of Comp. Sc. & Engg. West Bengal University of Technology, Sector 1, Saltlake City, Kolkata-64, India Abstract

More information

Devanagari Handwriting Recognition and Editing Using Neural Network

Devanagari Handwriting Recognition and Editing Using Neural Network Devanagari Handwriting Recognition and Editing Using Neural Network Sohan Lal Sahu RSR Rungta College of Engineering & Technology (RSR-RCET), Bhilai 490024 Abstract- Character recognition plays an important

More information

An Investigation on the Performance of Hybrid Features for Feed Forward Neural Network Based English Handwritten Character Recognition System

An Investigation on the Performance of Hybrid Features for Feed Forward Neural Network Based English Handwritten Character Recognition System An Investigation on the Performance of Hybrid Features for Feed Forward Neural Network Based English Handwritten Character Recognition System J.PRADEEP #1, E.SRINIVASAN #2, S.HIMAVATHI *3 # Department

More information

A Neural Network Based Bank Cheque Recognition system for Malaysian Cheques

A Neural Network Based Bank Cheque Recognition system for Malaysian Cheques A Neural Network Based Bank Cheque Recognition system for Malaysian Cheques Ahmad Ridhwan Wahap 1 Marzuki Khalid 1 Abd. Rahim Ahmad 3 Rubiyah Yusof 1 1 Centre for Artificial Intelligence and Robotics,

More information

INTERNATIONAL JOURNAL OF PURE AND APPLIED RESEARCH IN ENGINEERING AND TECHNOLOGY

INTERNATIONAL JOURNAL OF PURE AND APPLIED RESEARCH IN ENGINEERING AND TECHNOLOGY INTERNATIONAL JOURNAL OF PURE AND APPLIED RESEARCH IN ENGINEERING AND TECHNOLOGY A PATH FOR HORIZING YOUR INNOVATIVE WORK HANDWRITTEN DEVANAGARI CHARACTERS RECOGNITION THROUGH SEGMENTATION AND ARTIFICIAL

More information

Chapter 2. Components

Chapter 2. Components Chapter 2 [2]OCR: General Architecture and Components In some areas which require the automation of human intelligence, such as chess playing, tremendous improvements are achieved over the last few decades.

More information

Fundamentals of Digital Image Processing

Fundamentals of Digital Image Processing \L\.6 Gw.i Fundamentals of Digital Image Processing A Practical Approach with Examples in Matlab Chris Solomon School of Physical Sciences, University of Kent, Canterbury, UK Toby Breckon School of Engineering,

More information

Algorithms for Recognition of Low Quality Iris Images. Li Peng Xie University of Ottawa

Algorithms for Recognition of Low Quality Iris Images. Li Peng Xie University of Ottawa Algorithms for Recognition of Low Quality Iris Images Li Peng Xie University of Ottawa Overview Iris Recognition Eyelash detection Accurate circular localization Covariance feature with LDA Fourier magnitude

More information

II. WORKING OF PROJECT

II. WORKING OF PROJECT Handwritten character Recognition and detection using histogram technique Tanmay Bahadure, Pranay Wekhande, Manish Gaur, Shubham Raikwar, Yogendra Gupta ABSTRACT : Cursive handwriting recognition is a

More information

EE 584 MACHINE VISION

EE 584 MACHINE VISION EE 584 MACHINE VISION Binary Images Analysis Geometrical & Topological Properties Connectedness Binary Algorithms Morphology Binary Images Binary (two-valued; black/white) images gives better efficiency

More information

Improving License Plate Recognition Rate using Hybrid Algorithms

Improving License Plate Recognition Rate using Hybrid Algorithms Improving License Plate Recognition Rate using Hybrid Algorithms 1 Anjli Varghese, 2 R Srikantaswamy 1,2 Dept. of Electronics and Communication Engineering, Siddaganga Institute of Technology, Tumakuru,

More information

Linear Discriminant Analysis in Ottoman Alphabet Character Recognition

Linear Discriminant Analysis in Ottoman Alphabet Character Recognition Linear Discriminant Analysis in Ottoman Alphabet Character Recognition ZEYNEB KURT, H. IREM TURKMEN, M. ELIF KARSLIGIL Department of Computer Engineering, Yildiz Technical University, 34349 Besiktas /

More information

Learning to Recognize Faces in Realistic Conditions

Learning to Recognize Faces in Realistic Conditions 000 001 002 003 004 005 006 007 008 009 010 011 012 013 014 015 016 017 018 019 020 021 022 023 024 025 026 027 028 029 030 031 032 033 034 035 036 037 038 039 040 041 042 043 044 045 046 047 048 049 050

More information

Multi-Layer Perceptron Network For Handwritting English Character Recoginition

Multi-Layer Perceptron Network For Handwritting English Character Recoginition Multi-Layer Perceptron Network For Handwritting English Character Recoginition 1 Mohit Mittal, 2 Tarun Bhalla 1,2 Anand College of Engg & Mgmt., Kapurthala, Punjab, India Abstract Handwriting recognition

More information

CHAPTER 2 LITERATURE REVIEW

CHAPTER 2 LITERATURE REVIEW CHAPTER 2 LITERATURE REVIEW 2.1 Introduction There is a great need for OCR related research in Indian languages, even though there are many technical challenges as well as the lack of a commercial market

More information

Neural Networks. CE-725: Statistical Pattern Recognition Sharif University of Technology Spring Soleymani

Neural Networks. CE-725: Statistical Pattern Recognition Sharif University of Technology Spring Soleymani Neural Networks CE-725: Statistical Pattern Recognition Sharif University of Technology Spring 2013 Soleymani Outline Biological and artificial neural networks Feed-forward neural networks Single layer

More information

Classification of Printed Chinese Characters by Using Neural Network

Classification of Printed Chinese Characters by Using Neural Network Classification of Printed Chinese Characters by Using Neural Network ATTAULLAH KHAWAJA Ph.D. Student, Department of Electronics engineering, Beijing Institute of Technology, 100081 Beijing, P.R.CHINA ABDUL

More information

Digital Image Processing Chapter 11: Image Description and Representation

Digital Image Processing Chapter 11: Image Description and Representation Digital Image Processing Chapter 11: Image Description and Representation Image Representation and Description? Objective: To represent and describe information embedded in an image in other forms that

More information

Character Recognition from Google Street View Images

Character Recognition from Google Street View Images Character Recognition from Google Street View Images Indian Institute of Technology Course Project Report CS365A By Ritesh Kumar (11602) and Srikant Singh (12729) Under the guidance of Professor Amitabha

More information

Isolated Handwritten Words Segmentation Techniques in Gurmukhi Script

Isolated Handwritten Words Segmentation Techniques in Gurmukhi Script Isolated Handwritten Words Segmentation Techniques in Gurmukhi Script Galaxy Bansal Dharamveer Sharma ABSTRACT Segmentation of handwritten words is a challenging task primarily because of structural features

More information

Computer vision: models, learning and inference. Chapter 13 Image preprocessing and feature extraction

Computer vision: models, learning and inference. Chapter 13 Image preprocessing and feature extraction Computer vision: models, learning and inference Chapter 13 Image preprocessing and feature extraction Preprocessing The goal of pre-processing is to try to reduce unwanted variation in image due to lighting,

More information

COMPUTER AND ROBOT VISION

COMPUTER AND ROBOT VISION VOLUME COMPUTER AND ROBOT VISION Robert M. Haralick University of Washington Linda G. Shapiro University of Washington A^ ADDISON-WESLEY PUBLISHING COMPANY Reading, Massachusetts Menlo Park, California

More information

[ ] Review. Edges and Binary Images. Edge detection. Derivative of Gaussian filter. Image gradient. Tuesday, Sept 16

[ ] Review. Edges and Binary Images. Edge detection. Derivative of Gaussian filter. Image gradient. Tuesday, Sept 16 Review Edges and Binary Images Tuesday, Sept 6 Thought question: how could we compute a temporal gradient from video data? What filter is likely to have produced this image output? original filtered output

More information

Time Stamp Detection and Recognition in Video Frames

Time Stamp Detection and Recognition in Video Frames Time Stamp Detection and Recognition in Video Frames Nongluk Covavisaruch and Chetsada Saengpanit Department of Computer Engineering, Chulalongkorn University, Bangkok 10330, Thailand E-mail: nongluk.c@chula.ac.th

More information

Short Survey on Static Hand Gesture Recognition

Short Survey on Static Hand Gesture Recognition Short Survey on Static Hand Gesture Recognition Huu-Hung Huynh University of Science and Technology The University of Danang, Vietnam Duc-Hoang Vo University of Science and Technology The University of

More information