Marathi And Sanskrit Word Identification By Using Genetic Algorithm

Size: px
Start display at page:

Download "Marathi And Sanskrit Word Identification By Using Genetic Algorithm"

Transcription

1 Reviewed Paper Volume 2 Issue 12 August 2015 International Journal of Informative & Futuristic Research ISSN (Online): Marathi And Sanskrit Word Identification By Using Genetic Algorithm Paper ID IJIFR/ V2/ E12/ 049 Page No Subject Area Key Words Wiener filter, Curvelet transform, Genetic algorithm, Neural Network Computer Engineering Received On Accepted On Published On Priyanka Pradip Kulkarni 1 Sonal Patil 2 Ganesh Dhanokar 3 Research Scholar, Department Of Computer Engineering G.H.Raisoni Institute of Engineering and Management, Jalgaon-Maharashtra Assistant Professor Department Of Computer Engineering G.H.Raisoni Institute of Engineering and Management, Jalgaon-Maharashtra Assistant Professor Department Of Computer Engineering G.H.Raisoni Institute of Engineering and Management, Jalgaon-Maharashtra Abstract Character recognition plays an important role in many recent applications. Recently there is growing trend among worldwide researchers to recognize handwritten words of many languages and scripts. However, most of the current work in these areas is limited to English and a few oriental languages. The lack of efficient solutions for Indic scripts and languages such as Sanskrit has hampered information extraction from a large body of documents of cultural and historical importance. There are various feature extraction techniques such as Gradient feature extraction, Stroke method, Fourier descriptor and chain code histogram. A proper feature extraction technique can increase the recognition ratio. In this work, a curvelet transform and shape moment are investigated for Marathi and Sanskrit handwritten word identification system. Curvelet transform supports the edges and curve discontinuities. After the curvelet transform several group of curvelet coefficients are generated at different scale and angles. These coefficient are used with GLCM to compute features as contrast, correlation, homogeneity and energy of word image. Genetic algorithm is chosen for the optimization and finding the number of hidden nodes which uses as an input to neural network in classification step. After optimization, classification techniques have been used for training and testing purpose. Most of the researchers are used various classifiers for recognition of online handwritten word like Hidden Marko Model, K- Nearest Neighbour and Support Vector Machine. It is found that Neural Network gives better accuracy for recognition purpose. Copyright IJIFR

2 1. Introduction Handwritten character recognition (HCR) is a part of offline character recognition. Handwritten characters have infinite variety of style from one person to another person. Due to this wide range of variability; it is difficult to recognize by a machine. Although the research in Optical Character Recognition (OCR) has been going on for last few decades, the goal of this area is still out of reach. Most of the researchers have tried to solve the problems based on the image processing and pattern recognition techniques. OCR (Optical Character Recognition) is an active field of research in Pattern Recognition. OCR methodologies can be classified based on two criteria; data acquisition process which can be on-line or off-line and type of the text which is printed text or hand-written text[1] Devnagari is the most admired Indian script, used by more than 500 million people, which forms the basis for several Indian languages including Hindi, Sanskrit, Kashmiri, Marathi and so on. English character recognition is extensively studied by many researchers and various commercial systems are available for it. But in case of Indian languages, the research work is very limited due to the complex structure of the language. Normally, HCR can be divided into three steps namely pre-processing, feature extraction, segmentation and classification. Pre-processing stage is to produce a clean character image, it is can be used directly and efficiently by the feature extraction stage. Feature extraction stage is to remove redundancy from data. Segmentation stage is to increase the efficiency for next stage. A classification stage is to recognize characters or words.feature extraction in HCR is a very important field of image processing and objects recognition [2]. 1.1 Devanagari Character Set Devanagari is an Indian, syllabic alphabetic type of script that is used to write several languages like Sanskrit, Hindi, Marathi, Bhojpuri, Nepali, Konkani, Sindhi,Marwari, Pali, Maithli and many languages that are spoken in various parts of India. The word Devanagari is a combination of two words deva which means God and nagari which means urban establishment. Put together, these words mean Script of the Gods or Script of the urban establishmentthe basic set of symbols of Devanagari script consists of 13 vowels (or swar), 37 consonants (or vyanjan) as shown in Figure Word Identification Architecture Figure 1.1: (a). Devanagari Vowels (b). Devanagari Consonants 4589

3 Optical word identification involves many steps to completely recognize and produce machine encoded text. These phases are termed as: Pre-processing, Segmentation, Feature extraction, Classification. The architecture of these phases is shown in figure 1.2 and these phases are listed below with brief description [3]. Pre-processing Figure 1.2: Architecture of System The pre-processing phase normally includes many techniques applied for binarization, noise removal, skew detection, slant correction, normalization, contour making and skeletonization like processes to make character image easy to extract relevant features and efficient recognition. Feature Extraction Feature extraction is used to extract relevant features for recognition of characters based on these features. First features are computed and extracted and then most relevant features are selected to construct feature vector which is used eventually for recognition. The computation of features is based on structural, statistical, directional, moment, transformation like approaches. Classification Each pattern having feature vector is classified in predefined classes using classifiers. Classifiers are first trained by a training set of pattern samples to prepare a model which is later used to recognize the test samples. The training data should consist of wide varieties of samples to recognize all possible samples during testing. Some examples of generally practiced classifiers are- Support Vector Machine (SVM), K- Nearest Neighbour (K-NN), Artificial Neural Network (ANN) and Probabilistic Neural Network (PNN). 4590

4 2. Literature Survey Studies have been carried on recognition of different words. The most advanced and efficient OCR systems are designed for English, Chinese and Japanese like scripts and languages. In context to Indian languages and scripts, recently a significant research work is proposed. Most of Indian work on character recognition is dominated by Devanagari script, which is used in writing of Hindi, Marathi, and Nepali and Sanskrit languages. The work is also performed on compound word for recognition and classification purpose by extracting different features. Different classifiers also used in comparison to increase the accuracy rate of recognition. Namita Dwivedi have described recognition of Sanskrit word using Prewitt s operator for extracting the features from an image thinning process is applied in pre processing technique Thinning is an important pre-processing step in OCR. The purpose of thinning is to delete redundant information and at the same time retain the characteristic features of the image. Freeman Chain code is one of the representation techniques that is useful for image processing, shape analysis and pattern recognition fields is used with heuristic approach for feature extraction. Genetic algorithm is used for non-linear segmentation of multiple characters. This recognition model was built from SVM classifiers for higher level classification accuracy [1]. U. Pal, Wakabayashi and Kimura also presented comparative study of Devanagari handwritten character recognition using different features and classifiers [4]. They used four sets of features based on curvature and gradient information obtained from binary as well as gray scale images and compared results using 10 different classifiers as concluded the best results 74.74% and 75.17% for features extracted from binary and gray image respectively obtained with Mirror Image Learning (MIL) classifier. Sarbajit Pal et al.[5] have described projection based statistical approach for handwritten character recognition. They proposed four sided projections of characters and projections were smoothed by polygon approximation. Nikita Gaur and Dayashankar Singh et al.[6] have described gradient feature extraction approach for recognition of Sanskrit word they have used sobel operator for edge detection The Sobel operator is used in image processing, particularly with edge detection algorithms. Technically, it is a discrete differentiation operator, computing an approximation of the gradient of the image intensity function. The skeletonized and normalized binary pixels of English characters were used as the inputs of the MLP network. The results of structure analysis show that if the number of hidden nodes increases the number of epoches taken to recognize the handwritten character is also increases. A lot of efforts have been made to get higher accuracy as 94%. Brijmohan Singh, Ankush Mittal, M.A. Ansari, Debashis Ghosh et al.[7] have described a holistic system of offline handwritten Devanagari word recognition. In this paper, they proposed a Curvelet feature extractor with SVM and k-nn classifiers based scheme for the recognition of handwritten Devanagari words. Vedgupt Saraf, D.S. Rao et al.[8] have proposed a genetic algorithm scheme towards the recognition of off-line Devnagari handwritten characters. They tested their proposed system on different individuals samples and obtained 98.78% recognition accuracy. Prachi patil,saniya ansari et al.[9]have proposed Online Handwritten Devnagari Word Recognition using HMM based Technique. Feature extraction of input image is done by 4591

5 android technology. Using that features HMM recognizes the word. They tested proposed system on different word images and obtained 95.70% recognition accuracy. Gaurav kumar,pradeep kumar Bhatia et al.[10] have proposed Neural Network based Approach for Recognition of Text Images. They used Otsu method for binarization, after thet median filter is used for noise removal. Feature extraction takes place through Fourier transform. A multilayer feed forward neural network is created and trained through Back Propagation algorithm for classification achieves 93.58% accuracy. Sushama Shelke,Shaila Apte et al.[11] have proposed A Multistage Handwritten Marathi Compound Character Recognition Scheme using Neural Networks and Wavelet Features In this the recognition is carried out using multistage feature extraction and classification scheme. The average recognition rate is found to be 96.14% and 94.22% respectively for training and testing samples with wavelet approximation features and 98.68% and 96.23% respectively for training and testing samples with modified wavelet features. Sandhya Arora1. Debotosh Bhattacharjee et. al.[12] proposed Performance Comparison of SVM and ANN for Handwritten Devnagari Character Recognition. They extracted shadow features, chain code histogram features, view based features and longest run features. These features are then fed to Neural classifier and in support vector machine for classification. They achieved the accuracy rate as 99.62% through SVM and 99.50% using NN. M. N. Sandhya Arora, D. Bhattacharjee et. al.[13] proposed Recognition of non-compound handwritten devnagari characters using a combination of MLP and minimum edit distance they used two well-known and established pattern recognition techniques: one using neural networks and the other one using minimum edit distance and characters are represented using shadow feature and chain code histogram. The method is carried out on a database of 7154 samples. The overall recognition is found to be 90.74%. 3. Steps for Identification of Marathi and Sanskrit Word The basic steps for recognition of handwritten Devnagari Marathi and Sanskrit word recognition system are pre-processing, feature extraction and recognition. 3.1 Dataset The standard (benchmark) database for Indian script is neither available freely nor commercially, hence, Collect the samples of Devanagari handwritten words data from different professionals belonging to schools, colleges. The contributors to these data samples are of different educational backgrounds of metric, graduate, post graduate level qualification and different professions as student, teacher, and children. This database contains digital images. Consists of 624 samples for training purposes which are collected from 26 different writers of different profile and educational backgrounds. We have taken all these samples papers written in isolated manner. The writers wrote the word in different size using different pens to write. These words are having different character width. In some words there are distortions also introduced and amount of such distortion depends on quality of pen ink used to write words and speed of the writer to write the words. 3.2 Image pre-processing The raw data is subjected to a number of preliminary processing steps to make it usable in the descriptive stages of character analysis. Pre-processing aims to produce data that are easy for the character recognition systems to operate accurately. 4592

6 3.2.1 Smoothing Smoothing operations are used to blur the image and reduce the noise. Blurring is used in preprocessing steps such as removal of small details from an image. In binary images, smoothing operations are used to reduce the noise or to straighten the edges of the characters, for example, to all the small gaps or to remove the small bumps in the edges (contours) of the characters. Generally filters are used to filter unwanted things or object in a spatial domain or surface. In digital image processing, mostly the images are affected by various noises. The main objectives of the filters are to improve the quality of image by enhancing is to improve interoperability of the information present in the images for human visual. In this system wiener filter is used for smoothing Gaussian filter Noise in digital images can be described as random fluctuations in brightness and color. It will corrupt information in an image such that the intensity at each pixel is a combination of the true signal and the noise. Although many scanners and cameras have some built in noise r Reduction most digital images will display some degree of noise as a result of either Scanning,transmission or conversion Two of the most common types of noise are additive Gaussian and salt and pepper. Gaussian noise, or amplifier noise, will impair the image with a linear addition of white noise, meaning that it is independent of the image itself and usually evenly distributed over the frequency domain.as the name suggests, the intensity of the noise at each pixel follows a Gaussian normal distribution. It is most apparent for high frequencies and can in most cases be reduced by some kind of low pass filter. A Gaussian blur (also known as Gaussian smoothing) is the result of blurring an image by a Gaussian function to reduce image noise and reduce detail. Mathematically, applying a Gaussian blur to an image is the same as convolving the image with a Gaussian function Wiener Filter The inverse filtering is a restoration technique for deconvolution, i.e., when the image is blurred by a known low pass filter, it is possible to recover the image by inverse filtering or generalized inverse filtering. However, inverse filtering is very sensitive to additive noise. The approach of reducing degradation at a time allows us to develop a restoration algorithm for each type of degradation and simply combine them. The Wiener filtering executes an optimal trade-off between inverse filtering and noise smoothing. It removes the additive noise and inverts the blurring simultaneously. The Wiener filtering is optimal in terms of the mean square error. In other words, it minimizes the overall mean square error in the process of inverse filtering and noise smoothing. The Wiener filtering is a linear estimation of the original image [14]. The approach is based on a stochastic framework. The orthogonality principle implies that the Wiener filter in Fourier domain can be expressed as follows: Where Sxx(f1,f2),Sηη(f1,f2) are respectively power spectra of the original image and the additive noise, and H(f1,f2) is the blurring filter. It is easy to see that the Wiener filter has two separate part, an inverse filtering part and a noise smoothing part. It not only performs the deconvolution by inverse filtering (high pass filtering) but also removes the noise with a compression operation (low pass filtering). 4593

7 3.3 Feature Extraction Technique Any given image can be decomposed into several features. Feature extraction technique is accurately retrieve features of characters. The extracted features are organized in a database, which is the input for the recognition phase of the classifier. Feature extraction is a very important in recognition system because it is used by the classifier to classify the data Curvelet Transform A feature extraction scheme based on digital Curvelet transform has been used in[14]. In this work, the words from the sample images are extracted using conventional methods. A usual feature of handwritten text is the orientation of text written by the writer. Each sample is cropped to edges and resized to a standard width and height suitable for digital Curvelet transform. The digital Curvelet transform at a single scale is applied to each of the samples to obtain Curvelet coefficients as features. For large set of characters, as in Devanagari language, automatic curve matching is highly useful. Considering this, here the use of curvelet transforms which represents edges and singularities along curves more precisely with the needle-shaped basis elements. The elements own super directional sensitivity and smooth contours capturing efficiency. Since Curvelet are two dimensional waveforms that provide a new architecture for multiscale analysis, they can be used to distinguish similar appearing characters better. The Curvelet frame preserves the important properties, such as parabolic scaling, tightness and sparse representation for surface-like singularities of co-dimension one. Since many of the characters in a word not only consist of edge discontinuities but also of curve discontinuities. The most widely used Wavelet transform works well with edge discontinuities but a curve discontinuity affects all the Wavelet coefficients. On the other hand, the curve discontinuities in any character or word are well handled with Curvelet transform with very few numbers of coefficients. Hence, Curvelet-based feature are likely to work well for Devanagari character and word recognition. The curvelet transform includes four stages: i.) ii.) iii.) iv.) Sub-band decomposition: is to divide the image into resolution layers where each layer contains details of different frequencies. Smooth Partitioning: Each sub band is smoothly windowed into squares of an appropriate scale. Renormalization: Each resulting square is renormalized to unit square. Ridge let analysis: Each square is analyzed in the ortho-ridgelet system Curvelet are appropriate bases for representing images (or other functions) which are smooth apart from singularities along smooth curves, where the curves have bounded curvature, i.e. where objects in the image have a minimum length scale. The features extracted from input image by using curvelet transform as contrast, correlation, homogeneity and energy. a. Contrast:-Contrast is the difference in luminance or color that makes an object (or its representation in an image or display) distinguishable. In visual perception of the real world, contrast is determined by the difference in the color and brightness of the object and other objects within the same field of view. b. Correlation:- the process of establishing a relationship or connection between two or more things. c. Homogeneity:- the quality or state of being homogeneous. 4594

8 d. Energy:-It is a function that would capture the solution we desire and perform gradient descent to compute its lowest value, resulting in a solution for the image segmentation Shape Moment Feature In fact, the main problem in character recognition system is the large variation in shapes within a class of character. This variation depends on font styles, document noise, photometric effect, document skew and poor image quality. The large variation in shapes makes it difficult to determine the number of features that are convenient prior to model building. Various shape based and boundary based features are taken from individual character. The various Moment based features like total Kurtosis, Skewness, moment, percentile and quartile are calculated from the character images. 3.4 Optimization Genetic algorithms are a very good means of optimizations in such problems. They optimize the desired property by generating hybrid solutions from the presently existing solutions. These hybrid solutions are added to the solution pool and may be used to generate more hybrids. These solutions may be better than the solutions already generated. All this is done by the genetic operators, which are defined and applied over the problem [15]. Genetic algorithms are a good means of optimizations. Here proposed work use genetic algorithm to compute optimum number of hidden nodes which is the input to Multilayer Perceptron Neural Network. The system selects the optimum number of nodes when the mean square value becomes minimum at the same time the NN reaches the maximum number of epoch. Fitness Function: - In Genetic Algorithms, the fitness function is used to test the goodness of the solution. This function, when applied on any of the solution from the solution pool, tells the level of goodness. 3.5 Classification The decision making part of a recognition system is the classification stage and it uses the features extracted from the previous stage. There are various methods for classification. K Nearest Neighbor (KNN), Artificial Neural Network(ANN) and Support Vector Machine (SVM). The characteristics of the some classification methods that have been successfully applied to Offline Devnagari Marathi and Sanskrit word recognition and results of Neural Network classification is better than other classification methods, applied on Handwritten Devnagari word. 3.6 Artificial Neural Network The network needs to be trained first with some predefined standard character patterns to perform the recognition task. BPNN algorithm is used for this, which is considered as the unsupervised form of learning method where every neuron competes with each other in the basis of their activation value. The connection weights towards the winner neuron get adjusted during training process. Some random values are assigned initially to all the connection weights, during the training process these values are converged to some fixed values. The training process is similar to an unsupervised training method [16]. Artificial neural networks are one of the popular techniques used for classification due to their learning and generalization abilities. They have been traditionally used for character recognition application. Out of various architectures, multilayer perceptron (MLP) is widely used. The MLP is a fully connected network, where every neuron in a layer is connected to each and every neuron in the next layer by a weighted link through which the state of the neuron is transmitted. It consists of 4595

9 an input layer, a hidden layer and an output layer. A bias is similar to weight. It acts exactly as a weight on a connection from a unit whose activation is always one. Each neuron in the hidden layer includes a nonlinear activation function [11]. A multilayer perceptron (MLP) is a feed forward artificial neural network model that maps sets of input data onto a set of appropriate outputs. A MLP consists of multiple layers of nodes in a directed graph, with each layer fully connected to the next one. Except for the input nodes, each node is a neuron (or processing element) with a nonlinear activation function. MLP utilizes a supervised learning technique called back propagation for training the network. MLP is a modification of the standard linear perceptron and can distinguish data that are not linearly separable. When the network weights and biases are initialized, the network is ready for training. The multilayer feed forward network can be trained for function approximation (nonlinear regression) or pattern recognition. The training process requires a set of examples of proper network behaviornetwork inputs p and target outputs The process of training a neural network involves tuning the values of the weights and biases of the network to optimize network performance, as defined by the network performance function net.performfcn. The default performance function for feed forward networks is mean square error mse-the average squared error between the networks outputs a and the target outputs t. It is defined as follows: When training large networks, and when training pattern recognition networks, trainscg and trainrp are good choices. Their memory requirements are relatively small, and yet they are much faster than standard gradient descent algorithms. The optimisation technique used for training this architecture was the Scaled Conjugate Gradient (SCG) method. SCG method was used because it gave better results and has been found to solve the optimization problems encountered when training an MLP network more efficiently than the gradient descent and conjugate gradient methods [17]. 4. Result The experimental result is given below in detail. 4.1 Experimental Results In-order to train the classifiers, a set of training Marathi and Saskrit words are required and their respective features which are extracted through feature extraction step. There are two basic phases of pattern classification. They are training and testing phases. In the training phase, data is repeatedly presented to the classifier, while weights are updated to obtain a desired response. In testing phase, the trained system is applied to data that it has never seen to check the performance of the classification. Hence, we need to design the classifier by partitioning the total data set into training and testing data set. From the total data set, In neural network before training the data the whole data needs to partition into training data, validation testing data and testing data. Each time when the neural network train the whole data divide into these three types. Each time a neural network is trained can result in different solution due to different initial weight and bias value and different division of data into training, validation and test sets. That s why each time it gives different output to the same input. The table given in the 4.1 below shows the percentage accuracy for sample five word images from Marathi word dataset and 4.2 shows the percentage accuracy for 4596

10 sample five word image from Sanskrit word dataset. The accuracy for both Marathi and Sanskrit words are different each time when we train the neural network. Table 4.1: Accuracy Result Table for Marathi Word Sample Table 4.2: Accuracy Result Table for Sanskrit Word Sample 5. Conclusion In research work standard datasets for Marathi and Sanskrit word is not publically available, since first of all prepared database of 624 samples for Marathi and Sanskrit word by considering all possible constraints such as variations in writing styles, similar word sample consisting with some noise etc. Words are written from different people of different age. The technique discussed above is curvelet transform and shape moment involves the extraction of the shape feature. Feature 4597

11 extraction for compound word is difficult. But curvelet transform supports the edges and curve discontinuities. Hence, Curvelet Transform proves to be useful in Marathi and Sanskrit word recognition system. This work present neural network based classification system for the recognition of offline handwritten Marathi and Sanskrit words. Among all the methods it is found that NN gives better accuracy for recognition purpose. However, the accuracy of proposed scheme can be enhanced by increasing the number of training samples or applying the proposed scheme at different resolution scheme. This recognition system can be extended for the recognition of other words, sentence and documents. 6. References [1] N. Dwivedi and N. arya, Sanskrit Word Recognition using Prewitts Operator and Support Vector Classification, IEEE ICECCN, [2] B.Indira and R. Saqib, Devanagari Character Recognition: A Short Review, International Journal of Computer Applications, vol. 4, December [3] S. Kubatur and M. Sid-Ahmed, A Neural Network Approach to Online Devanagari Handwritten Character Recognition, IEEE, pp , December [4] U. Pal and F. Kimura, Comparative Study of Devanagari Handwritten Character Recognition using Different Feature and Classifiers, 10th International Conference on Document Analysis and Recognition, [5] S. Pal and J. Mitra, A Projection Based Statistical Approach for Handwritten Character Recognition, Proceedings of International Conference on Computational Intelligence and Multimedia Applications, vol. 2, pp , [6] N. Gaur and D. Singh, Sanskrit Word Recognition using Gradient Feature Extraction, VSRD-IJCSIT, vol. 2, pp , [7] B. Singh and A. Mittal, Handwritten Devanagari Word Recognition: A Curvelet Transform Based Approach, International Journal on Computer Science and Engineering (IJCSE), vol. 3, April [8] V. Saraf and D. Rao, Handwritten Devanagari Character Recognition using Gradient Features, International Journal of Soft Computing and Engineering (IJSCE), vol. 2, April [9] P. Patil and S. Ansari, Online Handwritten Devnagari Word Recognition using Hmm Based Technique, International Journal of Computer Applications, vol. 17, June [10]G. kumar and P. kumar Bhatia, Neural Network Based Approach for Recognition of Text Images, International Journal of Computer Applications, vol. 14, January [11] S. Shelke and S. Apte, A Multistage Handwritten Marathi Compound Character Recognition Scheme using Neural Networks and Wavelet Features, International Journal of Signal Processing, Image Processing and Pattern Recognition, vol. 1, March [12] S. Arora and D. Bhattacharjee, Performance Comparison of SVM and ANN for Handwritten Devnagari Character Recognition, IJCSI International Journal of Computer Science, vol. 7, May [13] S. Arora and D. Bhattacharjee, Recognition of Non-compound Handwritten Devnagari Characters using A Combination of MLP and Minimum Edit Distance, IJCSS. [14] S. Pannirselvam and S.Ponmani, Preprocessing of Handwritten Documents using Various Filters A Survey, International Journal of Advanced Research in Computer Science and Software Engineering, vol. 3, July [15] R. Kala and H. Vazirani, Offline Handwriting Recognition using Genetic Algorithm, IJCSI International Journal of Computer Science Issues, vol. 1, March [16] R. Dineshkumar and J. Suganthi, Sanskrit Character Recognition System using Neural Network, Indian Journal of Science and Technology, vol. 8, pp , January [17] M. Abdella and T. Marwala, The Use of Genetic Algorithms and Neural Networks to Approximate Missing Data in Database, Computing and Informatics, vol. 24, pp ,

The Role of Size Normalization on the Recognition Rate of Handwritten Numerals

The Role of Size Normalization on the Recognition Rate of Handwritten Numerals The Role of Size Normalization on the Recognition Rate of Handwritten Numerals Chun Lei He, Ping Zhang, Jianxiong Dong, Ching Y. Suen, Tien D. Bui Centre for Pattern Recognition and Machine Intelligence,

More information

Analecta Vol. 8, No. 2 ISSN 2064-7964

Analecta Vol. 8, No. 2 ISSN 2064-7964 EXPERIMENTAL APPLICATIONS OF ARTIFICIAL NEURAL NETWORKS IN ENGINEERING PROCESSING SYSTEM S. Dadvandipour Institute of Information Engineering, University of Miskolc, Egyetemváros, 3515, Miskolc, Hungary,

More information

DIAGONAL BASED FEATURE EXTRACTION FOR HANDWRITTEN ALPHABETS RECOGNITION SYSTEM USING NEURAL NETWORK

DIAGONAL BASED FEATURE EXTRACTION FOR HANDWRITTEN ALPHABETS RECOGNITION SYSTEM USING NEURAL NETWORK DIAGONAL BASED FEATURE EXTRACTION FOR HANDWRITTEN ALPHABETS RECOGNITION SYSTEM USING NEURAL NETWORK J.Pradeep 1, E.Srinivasan 2 and S.Himavathi 3 1,2 Department of ECE, Pondicherry College Engineering,

More information

High-Performance Signature Recognition Method using SVM

High-Performance Signature Recognition Method using SVM High-Performance Signature Recognition Method using SVM Saeid Fazli Research Institute of Modern Biological Techniques University of Zanjan Shima Pouyan Electrical Engineering Department University of

More information

DEVNAGARI DOCUMENT SEGMENTATION USING HISTOGRAM APPROACH

DEVNAGARI DOCUMENT SEGMENTATION USING HISTOGRAM APPROACH DEVNAGARI DOCUMENT SEGMENTATION USING HISTOGRAM APPROACH Vikas J Dongre 1 Vijay H Mankar 2 Department of Electronics & Telecommunication, Government Polytechnic, Nagpur, India 1 dongrevj@yahoo.co.in; 2

More information

Signature Segmentation from Machine Printed Documents using Conditional Random Field

Signature Segmentation from Machine Printed Documents using Conditional Random Field 2011 International Conference on Document Analysis and Recognition Signature Segmentation from Machine Printed Documents using Conditional Random Field Ranju Mandal Computer Vision and Pattern Recognition

More information

Modelling, Extraction and Description of Intrinsic Cues of High Resolution Satellite Images: Independent Component Analysis based approaches

Modelling, Extraction and Description of Intrinsic Cues of High Resolution Satellite Images: Independent Component Analysis based approaches Modelling, Extraction and Description of Intrinsic Cues of High Resolution Satellite Images: Independent Component Analysis based approaches PhD Thesis by Payam Birjandi Director: Prof. Mihai Datcu Problematic

More information

STATIC SIGNATURE RECOGNITION SYSTEM FOR USER AUTHENTICATION BASED TWO LEVEL COG, HOUGH TRANSFORM AND NEURAL NETWORK

STATIC SIGNATURE RECOGNITION SYSTEM FOR USER AUTHENTICATION BASED TWO LEVEL COG, HOUGH TRANSFORM AND NEURAL NETWORK Volume 6, Issue 3, pp: 335343 IJESET STATIC SIGNATURE RECOGNITION SYSTEM FOR USER AUTHENTICATION BASED TWO LEVEL COG, HOUGH TRANSFORM AND NEURAL NETWORK Dipti Verma 1, Sipi Dubey 2 1 Department of Computer

More information

Face Recognition For Remote Database Backup System

Face Recognition For Remote Database Backup System Face Recognition For Remote Database Backup System Aniza Mohamed Din, Faudziah Ahmad, Mohamad Farhan Mohamad Mohsin, Ku Ruhana Ku-Mahamud, Mustafa Mufawak Theab 2 Graduate Department of Computer Science,UUM

More information

COMPARISON OF OBJECT BASED AND PIXEL BASED CLASSIFICATION OF HIGH RESOLUTION SATELLITE IMAGES USING ARTIFICIAL NEURAL NETWORKS

COMPARISON OF OBJECT BASED AND PIXEL BASED CLASSIFICATION OF HIGH RESOLUTION SATELLITE IMAGES USING ARTIFICIAL NEURAL NETWORKS COMPARISON OF OBJECT BASED AND PIXEL BASED CLASSIFICATION OF HIGH RESOLUTION SATELLITE IMAGES USING ARTIFICIAL NEURAL NETWORKS B.K. Mohan and S. N. Ladha Centre for Studies in Resources Engineering IIT

More information

Recognition of Handwritten Digits using Structural Information

Recognition of Handwritten Digits using Structural Information Recognition of Handwritten Digits using Structural Information Sven Behnke Martin-Luther University, Halle-Wittenberg' Institute of Computer Science 06099 Halle, Germany { behnke Irojas} @ informatik.uni-halle.de

More information

SUCCESSFUL PREDICTION OF HORSE RACING RESULTS USING A NEURAL NETWORK

SUCCESSFUL PREDICTION OF HORSE RACING RESULTS USING A NEURAL NETWORK SUCCESSFUL PREDICTION OF HORSE RACING RESULTS USING A NEURAL NETWORK N M Allinson and D Merritt 1 Introduction This contribution has two main sections. The first discusses some aspects of multilayer perceptrons,

More information

Digital image processing

Digital image processing 746A27 Remote Sensing and GIS Lecture 4 Digital image processing Chandan Roy Guest Lecturer Department of Computer and Information Science Linköping University Digital Image Processing Most of the common

More information

OFFLINE HANDWRITTEN DEVNAGARI DIGIT RECOGNITION

OFFLINE HANDWRITTEN DEVNAGARI DIGIT RECOGNITION OFFLINE HANDWRITTEN DEVNAGARI DIGIT RECOGNITION Rajiv Kumar and Kiran Kumar Ravulakollu Department of Computer Science and Engineering, Sharda University, India E-Mail: rajivbec@rediffmail.com, ABSTRACT

More information

An Introduction to Neural Networks

An Introduction to Neural Networks An Introduction to Vincent Cheung Kevin Cannons Signal & Data Compression Laboratory Electrical & Computer Engineering University of Manitoba Winnipeg, Manitoba, Canada Advisor: Dr. W. Kinsner May 27,

More information

Handwritten Character Recognition from Bank Cheque

Handwritten Character Recognition from Bank Cheque International Journal of Computer Sciences and Engineering Open Access Research Paper Volume-4, Special Issue-1 E-ISSN: 2347-2693 Handwritten Character Recognition from Bank Cheque Siddhartha Banerjee*

More information

An Overview of Knowledge Discovery Database and Data mining Techniques

An Overview of Knowledge Discovery Database and Data mining Techniques An Overview of Knowledge Discovery Database and Data mining Techniques Priyadharsini.C 1, Dr. Antony Selvadoss Thanamani 2 M.Phil, Department of Computer Science, NGM College, Pollachi, Coimbatore, Tamilnadu,

More information

EFFICIENT DATA PRE-PROCESSING FOR DATA MINING

EFFICIENT DATA PRE-PROCESSING FOR DATA MINING EFFICIENT DATA PRE-PROCESSING FOR DATA MINING USING NEURAL NETWORKS JothiKumar.R 1, Sivabalan.R.V 2 1 Research scholar, Noorul Islam University, Nagercoil, India Assistant Professor, Adhiparasakthi College

More information

Introduction to Pattern Recognition

Introduction to Pattern Recognition Introduction to Pattern Recognition Selim Aksoy Department of Computer Engineering Bilkent University saksoy@cs.bilkent.edu.tr CS 551, Spring 2009 CS 551, Spring 2009 c 2009, Selim Aksoy (Bilkent University)

More information

Accurate and robust image superresolution by neural processing of local image representations

Accurate and robust image superresolution by neural processing of local image representations Accurate and robust image superresolution by neural processing of local image representations Carlos Miravet 1,2 and Francisco B. Rodríguez 1 1 Grupo de Neurocomputación Biológica (GNB), Escuela Politécnica

More information

Assessment. Presenter: Yupu Zhang, Guoliang Jin, Tuo Wang Computer Vision 2008 Fall

Assessment. Presenter: Yupu Zhang, Guoliang Jin, Tuo Wang Computer Vision 2008 Fall Automatic Photo Quality Assessment Presenter: Yupu Zhang, Guoliang Jin, Tuo Wang Computer Vision 2008 Fall Estimating i the photorealism of images: Distinguishing i i paintings from photographs h Florin

More information

ECE 533 Project Report Ashish Dhawan Aditi R. Ganesan

ECE 533 Project Report Ashish Dhawan Aditi R. Ganesan Handwritten Signature Verification ECE 533 Project Report by Ashish Dhawan Aditi R. Ganesan Contents 1. Abstract 3. 2. Introduction 4. 3. Approach 6. 4. Pre-processing 8. 5. Feature Extraction 9. 6. Verification

More information

Introduction to Machine Learning and Data Mining. Prof. Dr. Igor Trajkovski trajkovski@nyus.edu.mk

Introduction to Machine Learning and Data Mining. Prof. Dr. Igor Trajkovski trajkovski@nyus.edu.mk Introduction to Machine Learning and Data Mining Prof. Dr. Igor Trakovski trakovski@nyus.edu.mk Neural Networks 2 Neural Networks Analogy to biological neural systems, the most robust learning systems

More information

Recognition Method for Handwritten Digits Based on Improved Chain Code Histogram Feature

Recognition Method for Handwritten Digits Based on Improved Chain Code Histogram Feature 3rd International Conference on Multimedia Technology ICMT 2013) Recognition Method for Handwritten Digits Based on Improved Chain Code Histogram Feature Qian You, Xichang Wang, Huaying Zhang, Zhen Sun

More information

Handwritten Signature Verification using Neural Network

Handwritten Signature Verification using Neural Network Handwritten Signature Verification using Neural Network Ashwini Pansare Assistant Professor in Computer Engineering Department, Mumbai University, India Shalini Bhatia Associate Professor in Computer Engineering

More information

Handwritten Kannada Characters Recognition using Curvelet Transform

Handwritten Kannada Characters Recognition using Curvelet Transform Kannada Characters Recognition using Curvelet Transform Shashikala Parameshwarppa Department of Computer Science and Engineering, Govt. Engg. College, Raichur Karnataka, India. B.V. Dhandra Department

More information

Image Compression through DCT and Huffman Coding Technique

Image Compression through DCT and Huffman Coding Technique International Journal of Current Engineering and Technology E-ISSN 2277 4106, P-ISSN 2347 5161 2015 INPRESSCO, All Rights Reserved Available at http://inpressco.com/category/ijcet Research Article Rahul

More information

Document Image Retrieval using Signatures as Queries

Document Image Retrieval using Signatures as Queries Document Image Retrieval using Signatures as Queries Sargur N. Srihari, Shravya Shetty, Siyuan Chen, Harish Srinivasan, Chen Huang CEDAR, University at Buffalo(SUNY) Amherst, New York 14228 Gady Agam and

More information

Novelty Detection in image recognition using IRF Neural Networks properties

Novelty Detection in image recognition using IRF Neural Networks properties Novelty Detection in image recognition using IRF Neural Networks properties Philippe Smagghe, Jean-Luc Buessler, Jean-Philippe Urban Université de Haute-Alsace MIPS 4, rue des Frères Lumière, 68093 Mulhouse,

More information

ScienceDirect. Brain Image Classification using Learning Machine Approach and Brain Structure Analysis

ScienceDirect. Brain Image Classification using Learning Machine Approach and Brain Structure Analysis Available online at www.sciencedirect.com ScienceDirect Procedia Computer Science 50 (2015 ) 388 394 2nd International Symposium on Big Data and Cloud Computing (ISBCC 15) Brain Image Classification using

More information

International Journal of Computer Science Trends and Technology (IJCST) Volume 2 Issue 3, May-Jun 2014

International Journal of Computer Science Trends and Technology (IJCST) Volume 2 Issue 3, May-Jun 2014 RESEARCH ARTICLE OPEN ACCESS A Survey of Data Mining: Concepts with Applications and its Future Scope Dr. Zubair Khan 1, Ashish Kumar 2, Sunny Kumar 3 M.Tech Research Scholar 2. Department of Computer

More information

Signature Region of Interest using Auto cropping

Signature Region of Interest using Auto cropping ISSN (Online): 1694-0784 ISSN (Print): 1694-0814 1 Signature Region of Interest using Auto cropping Bassam Al-Mahadeen 1, Mokhled S. AlTarawneh 2 and Islam H. AlTarawneh 2 1 Math. And Computer Department,

More information

Colour Image Segmentation Technique for Screen Printing

Colour Image Segmentation Technique for Screen Printing 60 R.U. Hewage and D.U.J. Sonnadara Department of Physics, University of Colombo, Sri Lanka ABSTRACT Screen-printing is an industry with a large number of applications ranging from printing mobile phone

More information

A Content based Spam Filtering Using Optical Back Propagation Technique

A Content based Spam Filtering Using Optical Back Propagation Technique A Content based Spam Filtering Using Optical Back Propagation Technique Sarab M. Hameed 1, Noor Alhuda J. Mohammed 2 Department of Computer Science, College of Science, University of Baghdad - Iraq ABSTRACT

More information

Keywords image processing, signature verification, false acceptance rate, false rejection rate, forgeries, feature vectors, support vector machines.

Keywords image processing, signature verification, false acceptance rate, false rejection rate, forgeries, feature vectors, support vector machines. International Journal of Computer Application and Engineering Technology Volume 3-Issue2, Apr 2014.Pp. 188-192 www.ijcaet.net OFFLINE SIGNATURE VERIFICATION SYSTEM -A REVIEW Pooja Department of Computer

More information

ANN Based Fault Classifier and Fault Locator for Double Circuit Transmission Line

ANN Based Fault Classifier and Fault Locator for Double Circuit Transmission Line International Journal of Computer Sciences and Engineering Open Access Research Paper Volume-4, Special Issue-2, April 2016 E-ISSN: 2347-2693 ANN Based Fault Classifier and Fault Locator for Double Circuit

More information

Social Media Mining. Data Mining Essentials

Social Media Mining. Data Mining Essentials Introduction Data production rate has been increased dramatically (Big Data) and we are able store much more data than before E.g., purchase data, social media data, mobile phone data Businesses and customers

More information

Supporting Online Material for

Supporting Online Material for www.sciencemag.org/cgi/content/full/313/5786/504/dc1 Supporting Online Material for Reducing the Dimensionality of Data with Neural Networks G. E. Hinton* and R. R. Salakhutdinov *To whom correspondence

More information

LIST OF CONTENTS CHAPTER CONTENT PAGE DECLARATION DEDICATION ACKNOWLEDGEMENTS ABSTRACT ABSTRAK

LIST OF CONTENTS CHAPTER CONTENT PAGE DECLARATION DEDICATION ACKNOWLEDGEMENTS ABSTRACT ABSTRAK vii LIST OF CONTENTS CHAPTER CONTENT PAGE DECLARATION DEDICATION ACKNOWLEDGEMENTS ABSTRACT ABSTRAK LIST OF CONTENTS LIST OF TABLES LIST OF FIGURES LIST OF NOTATIONS LIST OF ABBREVIATIONS LIST OF APPENDICES

More information

Implementation of OCR Based on Template Matching and Integrating it in Android Application

Implementation of OCR Based on Template Matching and Integrating it in Android Application International Journal of Computer Sciences and EngineeringOpen Access Technical Paper Volume-04, Issue-02 E-ISSN: 2347-2693 Implementation of OCR Based on Template Matching and Integrating it in Android

More information

Artificial Neural Network for Speech Recognition

Artificial Neural Network for Speech Recognition Artificial Neural Network for Speech Recognition Austin Marshall March 3, 2005 2nd Annual Student Research Showcase Overview Presenting an Artificial Neural Network to recognize and classify speech Spoken

More information

Electroencephalography Analysis Using Neural Network and Support Vector Machine during Sleep

Electroencephalography Analysis Using Neural Network and Support Vector Machine during Sleep Engineering, 23, 5, 88-92 doi:.4236/eng.23.55b8 Published Online May 23 (http://www.scirp.org/journal/eng) Electroencephalography Analysis Using Neural Network and Support Vector Machine during Sleep JeeEun

More information

Feed-Forward mapping networks KAIST 바이오및뇌공학과 정재승

Feed-Forward mapping networks KAIST 바이오및뇌공학과 정재승 Feed-Forward mapping networks KAIST 바이오및뇌공학과 정재승 How much energy do we need for brain functions? Information processing: Trade-off between energy consumption and wiring cost Trade-off between energy consumption

More information

Neural Network Add-in

Neural Network Add-in Neural Network Add-in Version 1.5 Software User s Guide Contents Overview... 2 Getting Started... 2 Working with Datasets... 2 Open a Dataset... 3 Save a Dataset... 3 Data Pre-processing... 3 Lagging...

More information

How To Fix Out Of Focus And Blur Images With A Dynamic Template Matching Algorithm

How To Fix Out Of Focus And Blur Images With A Dynamic Template Matching Algorithm IJSTE - International Journal of Science Technology & Engineering Volume 1 Issue 10 April 2015 ISSN (online): 2349-784X Image Estimation Algorithm for Out of Focus and Blur Images to Retrieve the Barcode

More information

A Simple Feature Extraction Technique of a Pattern By Hopfield Network

A Simple Feature Extraction Technique of a Pattern By Hopfield Network A Simple Feature Extraction Technique of a Pattern By Hopfield Network A.Nag!, S. Biswas *, D. Sarkar *, P.P. Sarkar *, B. Gupta **! Academy of Technology, Hoogly - 722 *USIC, University of Kalyani, Kalyani

More information

SIGNATURE VERIFICATION

SIGNATURE VERIFICATION SIGNATURE VERIFICATION Dr. H.B.Kekre, Dr. Dhirendra Mishra, Ms. Shilpa Buddhadev, Ms. Bhagyashree Mall, Mr. Gaurav Jangid, Ms. Nikita Lakhotia Computer engineering Department, MPSTME, NMIMS University

More information

Morphological segmentation of histology cell images

Morphological segmentation of histology cell images Morphological segmentation of histology cell images A.Nedzved, S.Ablameyko, I.Pitas Institute of Engineering Cybernetics of the National Academy of Sciences Surganova, 6, 00 Minsk, Belarus E-mail abl@newman.bas-net.by

More information

Towards better accuracy for Spam predictions

Towards better accuracy for Spam predictions Towards better accuracy for Spam predictions Chengyan Zhao Department of Computer Science University of Toronto Toronto, Ontario, Canada M5S 2E4 czhao@cs.toronto.edu Abstract Spam identification is crucial

More information

Using Neural Networks to Create an Adaptive Character Recognition System

Using Neural Networks to Create an Adaptive Character Recognition System Using Neural Networks to Create an Adaptive Character Recognition System Alexander J. Faaborg Cornell University, Ithaca NY (May 14, 2002) Abstract A back-propagation neural network with one hidden layer

More information

DATA MINING TECHNIQUES AND APPLICATIONS

DATA MINING TECHNIQUES AND APPLICATIONS DATA MINING TECHNIQUES AND APPLICATIONS Mrs. Bharati M. Ramageri, Lecturer Modern Institute of Information Technology and Research, Department of Computer Application, Yamunanagar, Nigdi Pune, Maharashtra,

More information

Artificial Neural Network, Decision Tree and Statistical Techniques Applied for Designing and Developing E-mail Classifier

Artificial Neural Network, Decision Tree and Statistical Techniques Applied for Designing and Developing E-mail Classifier International Journal of Recent Technology and Engineering (IJRTE) ISSN: 2277-3878, Volume-1, Issue-6, January 2013 Artificial Neural Network, Decision Tree and Statistical Techniques Applied for Designing

More information

A New Approach For Estimating Software Effort Using RBFN Network

A New Approach For Estimating Software Effort Using RBFN Network IJCSNS International Journal of Computer Science and Network Security, VOL.8 No.7, July 008 37 A New Approach For Estimating Software Using RBFN Network Ch. Satyananda Reddy, P. Sankara Rao, KVSVN Raju,

More information

Extend Table Lens for High-Dimensional Data Visualization and Classification Mining

Extend Table Lens for High-Dimensional Data Visualization and Classification Mining Extend Table Lens for High-Dimensional Data Visualization and Classification Mining CPSC 533c, Information Visualization Course Project, Term 2 2003 Fengdong Du fdu@cs.ubc.ca University of British Columbia

More information

Comparison of K-means and Backpropagation Data Mining Algorithms

Comparison of K-means and Backpropagation Data Mining Algorithms Comparison of K-means and Backpropagation Data Mining Algorithms Nitu Mathuriya, Dr. Ashish Bansal Abstract Data mining has got more and more mature as a field of basic research in computer science and

More information

Redundant Wavelet Transform Based Image Super Resolution

Redundant Wavelet Transform Based Image Super Resolution Redundant Wavelet Transform Based Image Super Resolution Arti Sharma, Prof. Preety D Swami Department of Electronics &Telecommunication Samrat Ashok Technological Institute Vidisha Department of Electronics

More information

STA 4273H: Statistical Machine Learning

STA 4273H: Statistical Machine Learning STA 4273H: Statistical Machine Learning Russ Salakhutdinov Department of Statistics! rsalakhu@utstat.toronto.edu! http://www.cs.toronto.edu/~rsalakhu/ Lecture 6 Three Approaches to Classification Construct

More information

Palmprint Recognition. By Sree Rama Murthy kora Praveen Verma Yashwant Kashyap

Palmprint Recognition. By Sree Rama Murthy kora Praveen Verma Yashwant Kashyap Palmprint Recognition By Sree Rama Murthy kora Praveen Verma Yashwant Kashyap Palm print Palm Patterns are utilized in many applications: 1. To correlate palm patterns with medical disorders, e.g. genetic

More information

BEHAVIOR BASED CREDIT CARD FRAUD DETECTION USING SUPPORT VECTOR MACHINES

BEHAVIOR BASED CREDIT CARD FRAUD DETECTION USING SUPPORT VECTOR MACHINES BEHAVIOR BASED CREDIT CARD FRAUD DETECTION USING SUPPORT VECTOR MACHINES 123 CHAPTER 7 BEHAVIOR BASED CREDIT CARD FRAUD DETECTION USING SUPPORT VECTOR MACHINES 7.1 Introduction Even though using SVM presents

More information

PATTERN RECOGNITION AND MACHINE LEARNING CHAPTER 4: LINEAR MODELS FOR CLASSIFICATION

PATTERN RECOGNITION AND MACHINE LEARNING CHAPTER 4: LINEAR MODELS FOR CLASSIFICATION PATTERN RECOGNITION AND MACHINE LEARNING CHAPTER 4: LINEAR MODELS FOR CLASSIFICATION Introduction In the previous chapter, we explored a class of regression models having particularly simple analytical

More information

3)Skilled Forgery: It is represented by suitable imitation of genuine signature mode.it is also called Well-Versed Forgery[4].

3)Skilled Forgery: It is represented by suitable imitation of genuine signature mode.it is also called Well-Versed Forgery[4]. Volume 4, Issue 7, July 2014 ISSN: 2277 128X International Journal of Advanced Research in Computer Science and Software Engineering Research Paper Available online at: www.ijarcsse.com A New Technique

More information

Neural Networks and Support Vector Machines

Neural Networks and Support Vector Machines INF5390 - Kunstig intelligens Neural Networks and Support Vector Machines Roar Fjellheim INF5390-13 Neural Networks and SVM 1 Outline Neural networks Perceptrons Neural networks Support vector machines

More information

Predict Influencers in the Social Network

Predict Influencers in the Social Network Predict Influencers in the Social Network Ruishan Liu, Yang Zhao and Liuyu Zhou Email: rliu2, yzhao2, lyzhou@stanford.edu Department of Electrical Engineering, Stanford University Abstract Given two persons

More information

Mobile Phone APP Software Browsing Behavior using Clustering Analysis

Mobile Phone APP Software Browsing Behavior using Clustering Analysis Proceedings of the 2014 International Conference on Industrial Engineering and Operations Management Bali, Indonesia, January 7 9, 2014 Mobile Phone APP Software Browsing Behavior using Clustering Analysis

More information

Neural Networks in Data Mining

Neural Networks in Data Mining IOSR Journal of Engineering (IOSRJEN) ISSN (e): 2250-3021, ISSN (p): 2278-8719 Vol. 04, Issue 03 (March. 2014), V6 PP 01-06 www.iosrjen.org Neural Networks in Data Mining Ripundeep Singh Gill, Ashima Department

More information

Face Recognition in Low-resolution Images by Using Local Zernike Moments

Face Recognition in Low-resolution Images by Using Local Zernike Moments Proceedings of the International Conference on Machine Vision and Machine Learning Prague, Czech Republic, August14-15, 014 Paper No. 15 Face Recognition in Low-resolution Images by Using Local Zernie

More information

Signature verification using Kolmogorov-Smirnov. statistic

Signature verification using Kolmogorov-Smirnov. statistic Signature verification using Kolmogorov-Smirnov statistic Harish Srinivasan, Sargur N.Srihari and Matthew J Beal University at Buffalo, the State University of New York, Buffalo USA {srihari,hs32}@cedar.buffalo.edu,mbeal@cse.buffalo.edu

More information

Evaluation of Feature Selection Methods for Predictive Modeling Using Neural Networks in Credits Scoring

Evaluation of Feature Selection Methods for Predictive Modeling Using Neural Networks in Credits Scoring 714 Evaluation of Feature election Methods for Predictive Modeling Using Neural Networks in Credits coring Raghavendra B. K. Dr. M.G.R. Educational and Research Institute, Chennai-95 Email: raghavendra_bk@rediffmail.com

More information

NTC Project: S01-PH10 (formerly I01-P10) 1 Forecasting Women s Apparel Sales Using Mathematical Modeling

NTC Project: S01-PH10 (formerly I01-P10) 1 Forecasting Women s Apparel Sales Using Mathematical Modeling 1 Forecasting Women s Apparel Sales Using Mathematical Modeling Celia Frank* 1, Balaji Vemulapalli 1, Les M. Sztandera 2, Amar Raheja 3 1 School of Textiles and Materials Technology 2 Computer Information

More information

How To Use Neural Networks In Data Mining

How To Use Neural Networks In Data Mining International Journal of Electronics and Computer Science Engineering 1449 Available Online at www.ijecse.org ISSN- 2277-1956 Neural Networks in Data Mining Priyanka Gaur Department of Information and

More information

A Novel Method to Improve Resolution of Satellite Images Using DWT and Interpolation

A Novel Method to Improve Resolution of Satellite Images Using DWT and Interpolation A Novel Method to Improve Resolution of Satellite Images Using DWT and Interpolation S.VENKATA RAMANA ¹, S. NARAYANA REDDY ² M.Tech student, Department of ECE, SVU college of Engineering, Tirupati, 517502,

More information

Neural network software tool development: exploring programming language options

Neural network software tool development: exploring programming language options INEB- PSI Technical Report 2006-1 Neural network software tool development: exploring programming language options Alexandra Oliveira aao@fe.up.pt Supervisor: Professor Joaquim Marques de Sá June 2006

More information

Credit Card Fraud Detection Using Self Organised Map

Credit Card Fraud Detection Using Self Organised Map International Journal of Information & Computation Technology. ISSN 0974-2239 Volume 4, Number 13 (2014), pp. 1343-1348 International Research Publications House http://www. irphouse.com Credit Card Fraud

More information

The Combination Forecasting Model of Auto Sales Based on Seasonal Index and RBF Neural Network

The Combination Forecasting Model of Auto Sales Based on Seasonal Index and RBF Neural Network , pp.67-76 http://dx.doi.org/10.14257/ijdta.2016.9.1.06 The Combination Forecasting Model of Auto Sales Based on Seasonal Index and RBF Neural Network Lihua Yang and Baolin Li* School of Economics and

More information

Low-resolution Character Recognition by Video-based Super-resolution

Low-resolution Character Recognition by Video-based Super-resolution 2009 10th International Conference on Document Analysis and Recognition Low-resolution Character Recognition by Video-based Super-resolution Ataru Ohkura 1, Daisuke Deguchi 1, Tomokazu Takahashi 2, Ichiro

More information

NAVIGATING SCIENTIFIC LITERATURE A HOLISTIC PERSPECTIVE. Venu Govindaraju

NAVIGATING SCIENTIFIC LITERATURE A HOLISTIC PERSPECTIVE. Venu Govindaraju NAVIGATING SCIENTIFIC LITERATURE A HOLISTIC PERSPECTIVE Venu Govindaraju BIOMETRICS DOCUMENT ANALYSIS PATTERN RECOGNITION 8/24/2015 ICDAR- 2015 2 Towards a Globally Optimal Approach for Learning Deep Unsupervised

More information

Feature Subset Selection in E-mail Spam Detection

Feature Subset Selection in E-mail Spam Detection Feature Subset Selection in E-mail Spam Detection Amir Rajabi Behjat, Universiti Technology MARA, Malaysia IT Security for the Next Generation Asia Pacific & MEA Cup, Hong Kong 14-16 March, 2012 Feature

More information

Biometric Authentication using Online Signatures

Biometric Authentication using Online Signatures Biometric Authentication using Online Signatures Alisher Kholmatov and Berrin Yanikoglu alisher@su.sabanciuniv.edu, berrin@sabanciuniv.edu http://fens.sabanciuniv.edu Sabanci University, Tuzla, Istanbul,

More information

The Scientific Data Mining Process

The Scientific Data Mining Process Chapter 4 The Scientific Data Mining Process When I use a word, Humpty Dumpty said, in rather a scornful tone, it means just what I choose it to mean neither more nor less. Lewis Carroll [87, p. 214] In

More information

Classification of Fingerprints. Sarat C. Dass Department of Statistics & Probability

Classification of Fingerprints. Sarat C. Dass Department of Statistics & Probability Classification of Fingerprints Sarat C. Dass Department of Statistics & Probability Fingerprint Classification Fingerprint classification is a coarse level partitioning of a fingerprint database into smaller

More information

Method of Combining the Degrees of Similarity in Handwritten Signature Authentication Using Neural Networks

Method of Combining the Degrees of Similarity in Handwritten Signature Authentication Using Neural Networks Method of Combining the Degrees of Similarity in Handwritten Signature Authentication Using Neural Networks Ph. D. Student, Eng. Eusebiu Marcu Abstract This paper introduces a new method of combining the

More information

Using artificial intelligence for data reduction in mechanical engineering

Using artificial intelligence for data reduction in mechanical engineering Using artificial intelligence for data reduction in mechanical engineering L. Mdlazi 1, C.J. Stander 1, P.S. Heyns 1, T. Marwala 2 1 Dynamic Systems Group Department of Mechanical and Aeronautical Engineering,

More information

Using Lexical Similarity in Handwritten Word Recognition

Using Lexical Similarity in Handwritten Word Recognition Using Lexical Similarity in Handwritten Word Recognition Jaehwa Park and Venu Govindaraju Center of Excellence for Document Analysis and Recognition (CEDAR) Department of Computer Science and Engineering

More information

Neural Network Based Forecasting of Foreign Currency Exchange Rates

Neural Network Based Forecasting of Foreign Currency Exchange Rates Neural Network Based Forecasting of Foreign Currency Exchange Rates S. Kumar Chandar, PhD Scholar, Madurai Kamaraj University, Madurai, India kcresearch2014@gmail.com Dr. M. Sumathi, Associate Professor,

More information

A Learning Based Method for Super-Resolution of Low Resolution Images

A Learning Based Method for Super-Resolution of Low Resolution Images A Learning Based Method for Super-Resolution of Low Resolution Images Emre Ugur June 1, 2004 emre.ugur@ceng.metu.edu.tr Abstract The main objective of this project is the study of a learning based method

More information

Using Data Mining for Mobile Communication Clustering and Characterization

Using Data Mining for Mobile Communication Clustering and Characterization Using Data Mining for Mobile Communication Clustering and Characterization A. Bascacov *, C. Cernazanu ** and M. Marcu ** * Lasting Software, Timisoara, Romania ** Politehnica University of Timisoara/Computer

More information

Comparison of Supervised and Unsupervised Learning Classifiers for Travel Recommendations

Comparison of Supervised and Unsupervised Learning Classifiers for Travel Recommendations Volume 3, No. 8, August 2012 Journal of Global Research in Computer Science REVIEW ARTICLE Available Online at www.jgrcs.info Comparison of Supervised and Unsupervised Learning Classifiers for Travel Recommendations

More information

CS 591.03 Introduction to Data Mining Instructor: Abdullah Mueen

CS 591.03 Introduction to Data Mining Instructor: Abdullah Mueen CS 591.03 Introduction to Data Mining Instructor: Abdullah Mueen LECTURE 3: DATA TRANSFORMATION AND DIMENSIONALITY REDUCTION Chapter 3: Data Preprocessing Data Preprocessing: An Overview Data Quality Major

More information

Data, Measurements, Features

Data, Measurements, Features Data, Measurements, Features Middle East Technical University Dep. of Computer Engineering 2009 compiled by V. Atalay What do you think of when someone says Data? We might abstract the idea that data are

More information

Java Modules for Time Series Analysis

Java Modules for Time Series Analysis Java Modules for Time Series Analysis Agenda Clustering Non-normal distributions Multifactor modeling Implied ratings Time series prediction 1. Clustering + Cluster 1 Synthetic Clustering + Time series

More information

Image Authentication Scheme using Digital Signature and Digital Watermarking

Image Authentication Scheme using Digital Signature and Digital Watermarking www..org 59 Image Authentication Scheme using Digital Signature and Digital Watermarking Seyed Mohammad Mousavi Industrial Management Institute, Tehran, Iran Abstract Usual digital signature schemes for

More information

Image Processing Based Automatic Visual Inspection System for PCBs

Image Processing Based Automatic Visual Inspection System for PCBs IOSR Journal of Engineering (IOSRJEN) ISSN: 2250-3021 Volume 2, Issue 6 (June 2012), PP 1451-1455 www.iosrjen.org Image Processing Based Automatic Visual Inspection System for PCBs Sanveer Singh 1, Manu

More information

Advanced Signal Processing and Digital Noise Reduction

Advanced Signal Processing and Digital Noise Reduction Advanced Signal Processing and Digital Noise Reduction Saeed V. Vaseghi Queen's University of Belfast UK WILEY HTEUBNER A Partnership between John Wiley & Sons and B. G. Teubner Publishers Chichester New

More information

A MACHINE LEARNING APPROACH TO FILTER UNWANTED MESSAGES FROM ONLINE SOCIAL NETWORKS

A MACHINE LEARNING APPROACH TO FILTER UNWANTED MESSAGES FROM ONLINE SOCIAL NETWORKS A MACHINE LEARNING APPROACH TO FILTER UNWANTED MESSAGES FROM ONLINE SOCIAL NETWORKS Charanma.P 1, P. Ganesh Kumar 2, 1 PG Scholar, 2 Assistant Professor,Department of Information Technology, Anna University

More information

Multiscale Object-Based Classification of Satellite Images Merging Multispectral Information with Panchromatic Textural Features

Multiscale Object-Based Classification of Satellite Images Merging Multispectral Information with Panchromatic Textural Features Remote Sensing and Geoinformation Lena Halounová, Editor not only for Scientific Cooperation EARSeL, 2011 Multiscale Object-Based Classification of Satellite Images Merging Multispectral Information with

More information

Application of Neural Network in User Authentication for Smart Home System

Application of Neural Network in User Authentication for Smart Home System Application of Neural Network in User Authentication for Smart Home System A. Joseph, D.B.L. Bong, D.A.A. Mat Abstract Security has been an important issue and concern in the smart home systems. Smart

More information

Impelling Heart Attack Prediction System using Data Mining and Artificial Neural Network

Impelling Heart Attack Prediction System using Data Mining and Artificial Neural Network General Article International Journal of Current Engineering and Technology E-ISSN 2277 4106, P-ISSN 2347-5161 2014 INPRESSCO, All Rights Reserved Available at http://inpressco.com/category/ijcet Impelling

More information

Artificial Neural Networks and Support Vector Machines. CS 486/686: Introduction to Artificial Intelligence

Artificial Neural Networks and Support Vector Machines. CS 486/686: Introduction to Artificial Intelligence Artificial Neural Networks and Support Vector Machines CS 486/686: Introduction to Artificial Intelligence 1 Outline What is a Neural Network? - Perceptron learners - Multi-layer networks What is a Support

More information

DESIGN OF DIGITAL SIGNATURE VERIFICATION ALGORITHM USING RELATIVE SLOPE METHOD

DESIGN OF DIGITAL SIGNATURE VERIFICATION ALGORITHM USING RELATIVE SLOPE METHOD DESIGN OF DIGITAL SIGNATURE VERIFICATION ALGORITHM USING RELATIVE SLOPE METHOD P.N.Ganorkar 1, Kalyani Pendke 2 1 Mtech, 4 th Sem, Rajiv Gandhi College of Engineering and Research, R.T.M.N.U Nagpur (Maharashtra),

More information