SlideShare a Scribd company logo
1 of 6
Download to read offline
Pratik R. Hajare Int. Journal of Engineering Research and Applications www.ijera.com
ISSN : 2248-9622, Vol. 5, Issue 7, ( Part - 1) July 2015, pp.100-105
www.ijera.com 100 | P a g e
PSO optimized Feed Forward Neural Network for offline
Signature Classification
Pratik R. Hajare* Dr. Narendra G. Bawane**
*Research Scholar, G. H. Raisoni College of Engineering, Nagpur, Maharashtra, India
**Principal, S. B. Jain Institute of Technology, Management & Research, Nagpur, Maharashtra, India
ABSTRACT
The paper is based on feed forward neural network (FFNN) optimization by particle swarm intelligence (PSI)
used to provide initial weights and biases to train neural network. Once the weights and biases are found using
Particle swarm optimization (PSO) with neural network used as training algorithm for specified epoch, the same
are used to train the neural network for training and classification of benchmark problems. Further the approach
is tested for offline signature classifications. A comparison is made between normal FFNN with random weights
and biases and FFNN with particle swarm optimized weights and biases. Firstly, the performance is tested on
two benchmark databases for neural network, The Breast Cancer Database and the Diabetic Database. Result
shows that neural network performs better with initial weights and biases obtained by Particle Swarm
optimization. The network converges faster with PSO obtained initial weights and biases for FFNN and
classification accuracy is increased.
Keywords- Particle swarm intelligence, feed forward Neural Network, Backpropagation, convergence,
benchmark, realistic problems, prediction error, local minima, local maxima, offline, signature.
I. INTRODUCTION
In many classification applications Neural
networks are widely used where data is non linear and
diverse. For better result, the networks are tuned by
adjusting various network parameters. Research
shows that different researchers are still at work
related to find optimum network architecture that is
topology, layer transfer functions, initial guess to
weights and biases, training algorithm, minimum
gradient, epochs etc. Training neural networks for
better accuracy is a cumbersome and tedious job. One
cannot expect good results at the first stroke when a
neural network is trained. And the network has to be
trained multiple times unless expected output with
minimum mean square error is obtained. Also a
compromise has to be made most of the time between
expected output and training samples.
When the solution represents the network topological
information but not the weight values, a network with
a full set of weights must be used to calculate the
training error for the cost function. This is often done
by performing a random initialization of weights and
by training the network using one of the most
commonly used learning algorithms, such as
Backpropagation. This strategy may lead to noisy
fitness evaluation, since different weights and biases
as starting point initializations and training
parameters can produce different results for the same
topology.
Swarm intelligence [10] algorithms draw inspiration
from the collective behavior and emergent
intelligence that arise in socially organized
populations. They have been designed primarily to
address problems that cannot be tackled through
traditional optimization algorithms. Such problems
are characterized by discontinuities, lack of derivative
information, noisy function values and disjoint search
spaces [12, 14].
The general purpose optimization method known as
Particle Swarm Optimization (PSO) [2] is due to
Kennedy, Eberhart and Shi and works by maintaining
a swarm of particles that move around in the search-
space influenced by the improvements discovered by
the other particles. The advantage of using an
optimization method such as PSO is that it does not
use the gradient of the problem to be optimized, so
the method can be readily employed for a host of
optimization problems and with other optimization
techniques. This is especially useful when the
gradient is too laborious or even impossible to derive.
Particle swarm optimization (PSO) is a computational
method that optimal solution [3, 4]. PSO optimizes a
problem by having a population of candidate
solutions, and moving these particles around in the
search - space according to simple mathematical
formulae. Each particle's movement is influenced by
its local best known position and is also guided
toward the best known positions in the search-space
[9].
Simultaneous optimization of neural network weights
and biases is an interesting approach for the
generation of efficient networks. In this case, each
RESEARCH ARTICLE OPEN ACCESS
Pratik R. Hajare Int. Journal of Engineering Research and Applications www.ijera.com
ISSN : 2248-9622, Vol. 5, Issue 7, ( Part - 1) July 2015, pp.100-105
www.ijera.com 101 | P a g e
point in the search space is a fully specified neural
network with complete weight and bias information,
and the cost evaluation becomes more accurate.
Wrong initial guess to weights and biases may lead to
long learning and thus takes large amount of CPU
time, the tendency of Backpropagation to get stuck
and produce wrong results, chance of getting
overstep, and difficult to consider the best
performance since every time the output changes with
the initial weights and biases initializes [15]. Swarm
intelligence is a relatively new category of stochastic,
population-based optimization algorithms. These
algorithms are closely related to evolutionary
algorithms that are based on procedures that imitate
natural evolution [13].
Many other evolutionary approaches can be seen in
research papers to optimize Neural Networks.
Already research shows artificial intelligence
individually and in conjunction with other
optimization techniques have solved many
challenging task. This paper uses PSO as a learning
algorithm to find initial starting weights and biases
for FFNN and improves the classification rate for
training and testing samples of benchmarking
databases. Finding exact or optimum layers and
number of neurons in the layers is again an issue,
choice of proper neural network with optimum
parameters is again based on trial and error. And most
often it becomes a tedious job. For such case PSO
with FFNN at least finds the weights and biases
values that can help FFNN to push itself nearer the
convergence [11] even with the wrong guess. In most
cases, it is found that the Backpropagation tends to
under or over a problem.
Each individual has its own signature different from
others but a person cannot do exactly the same
signature every time. Signature recognition finds its
application in the field of passport verification
system, provides authentication to a candidates in
public examination from their signatures, credit cards,
bank cheques. Therefore basic need of this type of
application is accuracy and time. A person can do the
signatures in different forms depending upon the type
of pen available, space available to do the signature,
angle of signature etc. Human signature is a biometric
measure of person's identification. Many sectors like
banks, official documents, receipts etc. use
handwritten signature to secure and identify
concerned person. Each individual has his own
signature different with others but a person cannot do
exactly the same signature every time so it is very
important to recognize the signature. The signature
verification problem aims to minimize the
intrapersonal differences. Signature recognition can
be categorized into following two parts: online and
offline. Online handwritten signature recognition
deals with automatic conversion of characters which
are written on a special digitizer, tablet PC or PDA
where a sensor picks up the pen-tip movements as
well as pen-up/pen-down switching. In offline
technique only scanned images of signatures are
available. There are many methods developed for the
signature recognition but the neural networks (NN)
gives good performance in handwritten character
recognition.
II. Signature Database
In this paper, signatures from 7 different
individuals were acquired [25]. A separate algorithm
is developed in MATLAB which generates different
size, different angle of signatures from one signature.
These signatures samples are then passed through
some morphological operations like dilation, erosion
and some global operation in different ranges.
1. After converting the signature into binary form,
the height of signature was reduced by 15% and
30% and then the signature was cropped as per
new height.
Signature samples (A) Original signature
(B) Reduced by 15% (C) Reduced by 30%
2. The area of the signature is defined as the
number of black pixels. To reduce the area first
we have to calculate black pixels of the signature
which is done by subtracting the white pixel area
from the total pixel area of the signature the total
signature. The signature images are resized by
scaling down the calculated area. For database
creation the signature image area are reduced by
10%, 20%, 30%.
(A) Original signature (B) Reduced by 10% (C) Reduced by 20%
(D) Reduced by 30%
3. The morphological features like dilation and
erosion is applied on the signature.
(A) Original signature (B) Dilated signature
(A) Original signature (B) 1st
Erode signature (C) 2nd
Erode
signature
4. Last operation is performed on the signature is
rotation. The signatures are rotated within
150
,300
,450
.
(A) Original signature (B) 150
rotated (C) 300
rotated (D) 450
rotated
By applying various global and morphological
features in combination on a signature i.e. H/W ratio,
area, dilation/erosion, rotation, a sample database of
192 images of a single signature is created. Overall
Pratik R. Hajare Int. Journal of Engineering Research and Applications www.ijera.com
ISSN : 2248-9622, Vol. 5, Issue 7, ( Part - 1) July 2015, pp.100-105
www.ijera.com 102 | P a g e
for 7 such individual signatures a database consisting
of 1344 sample images of the signatures are created.
Out of this database 1050 samples images are used
for training the neural network and 294 sample
images are used for testing the ANN techniques.
5. Sample` Signatures 7 Specimens
III. Proposed system
(A) For higher accuracy the unwanted region
was removed using cropping by finding extreme
column and row and then the remaining part was
resized them to some specified size [60 100]. And the
2 dimensional data was reshaped in a single column
vector.
(A) Original Image (B) Cropped Image
(B) The column vector was decomposed
(dimension reduced) by level 8 debauchees 3
mother wavelet.
(C) The wavelet coefficients were the
normalized by dividing it by maximum
wavelet coefficient value from all samples.
(D) The training and test data was then separated
for training and classification.
(E) The neural network is designed using feed
forward back propagation algorithm.
Following parameters are used to design the
neural network.
a) Numbers of Layers = 3
b) Total number of neurons = [8 12 1]
c) Transfer function = logsig, tansig, purelin
d) Training phase: No. of epochs = 1000, Goal
= 1e-8
(F) The same parameters were used when the
neural network was trained and used to
classify test specimens using PSO optimized
weights and biases.
Parameters used for Particle Swarm
% Particle Swarm constants
c1=2; % Constant
c2=2; % Constant
w=2; %Inertia weight
wMax=0.9; %Max inertia weight
wMin=0.5; %Min inertia weight [18]
% Velocity retardation factor
dt=0.8;
Number of particles was 30. Initial values for
local and global best were assumed to be zeros.
The training algorithm was levenberg-marquardt
[16]. At each iteration the inertial weight was
updated as,
%Update the w of PSO [8]
w=wMin-iteration*(wMax-
wMin)/Max_iteration;
where iteration is the current iteration and
Max_iteration is 100.
Velocities were updated as,
Vnew = w*Vold + c1 * rand () * (Pbest-P) + c2 *
rand () * (Pgbest-P); where 0 < rand () < 1
And the particles (weights and biases) were
updated as,
Pnew = dt * Vnew + Pold;
A complete toolbox was designed for neural
network with Backpropagation with a facility to
select the network topology, layer transfer
functions, and epochs with MSE (mean squared
error) as parameter. The weights and biases
arrays were initialized at random to be the
particles position in the search space. The
number of iterations for the neural network with
PSO was fixed to 100.
IV. Results
A) Breast Cancer Databases [19]
Diagnosis of breast cancer is to classify a tumor as
either benign or malignant based on cell descriptions
gathered by microscopic examination. There are 9
inputs, 2 outputs, 699 examples. All inputs are
continuous; 65.5% of the examples are benign. This
dataset was created based on the breast cancer
Wisconsin problem dataset from the UCI repository
of machine learning databases. The data was
originally obtained from the University of Wisconsin
Hospitals, Madison, from Dr. William H. Wolberg
[1].
The data for 2 (2 and 4) classes have 458 and 241
samples corresponding to benign or malignant.
Approximately 75% of the total sample was used for
training and remaining 25% of the samples were used
for testing. Further the classes target was set to 0 & 1
instead of 2 & 4 for log sigmoid function at the output
layer of FFNN.
For neural network, the neurons in the hidden layer
were selected to be 6 & 8 and in the output layer to be
1 with transfer functions log sigmoid for all three
layers. The network was trained for 550 samples and
then tested for remaining 149 samples inclusive of
both classes.
Pratik R. Hajare Int. Journal of Engineering Research and Applications www.ijera.com
ISSN : 2248-9622, Vol. 5, Issue 7, ( Part - 1) July 2015, pp.100-105
www.ijera.com 103 | P a g e
(B) Diabetic data Databases [19]
Diagnose diabetes of Pima Indians. Based on personal
data (age, number of times pregnant) and the results
of medical examinations (e.g. blood pressure, body
mass index, result of glucose tolerance test, etc.), try
to decide whether a Pima Indian individual is diabetes
positive or not. There are 8 inputs, 2 outputs, 768
examples. All inputs are continuous. 65.1% of the
examples are diabetes negative. Although there are no
missing values in this dataset according to its
documentation, there are several senseless 0 values.
These most probably indicate missing data. Based on
other samples the missing values were approximated
and filled by values as per other samples. This dataset
was created based on the Pima Indians diabetes
problem dataset from the UCI repository of machine
learning databases. Hence the classification rate was
lowered but could have been increased, if data was
complete.
The data for 2 (0 and 1) classes have 500 and 268
samples corresponding to positive or not.
Approximately 75% of the total sample was used for
training and remaining 25% of the samples were used
for testing.
For neural network, the neurons in the hidden layer
were selected to be 6 & 8 and in the output layer to be
1 with transfer functions log sigmoid, tansig and log
sigmoid for the layers. The network was trained for
576 samples and then tested for remaining 192
samples inclusive of both classes.
The result shows that the classification by Neural
Network in Breast and Diabetic database with PSO
gained weights and biases have higher classification
rate for training samples and have improved accuracy
with test samples than normal FFNN with random
weights and biases.
Parameters Benchmark Databases
Breast Cancer
data
Diabetic data
PSO iterations 100 100
MSE with PSO-NN 0.029146 0.17615
MSE with FFNN 0.00093935 0.34896
MSE with FFNN with
PSO weights and biases
7.5965e-007 0.052083
Classification Rate with
FFNN-training data
19.4545 20.4861
Classification Rate with
PSO-NN-training data
80.5455 82.9861
Classification Rate with
FFNN-testing data
94.302 80.7292
Classification Rate with
PSO-NN-testing data
96.9091 89.5238
Network structure [6 8 1] [6 8 1]
Transfer functions
[logsig logsig
logsig]
[logsig tansig
logsig]
Pratik R. Hajare Int. Journal of Engineering Research and Applications www.ijera.com
ISSN : 2248-9622, Vol. 5, Issue 7, ( Part - 1) July 2015, pp.100-105
www.ijera.com 104 | P a g e
Sr.
No.
Name of
Neural
Network
Number
of
samples
for
testing
Neurons
required
for
training
Number
of
matched
sample
Accuracy
1.
FFNN
with BP
294 [8 12 1] 286 98%
2
FFNN-
BP with
PSO
weights
and
Biases
294 [8 12 1] 294 100%
V. CONCLUSIONS & SCOPE
For classification (Breast and Diabetic
Databases) problems, it is clear that the classification
is more accurate when weights and biases are priory
obtained by PSO and then given to FNN than what is
achieved by random initialization of weights and
biases with normal FFNN. When applied for offline
signature verification, the training and testing data
was classified with better accuracy than that of
normal FFNN with Backpropagation. Also, it was
found that the PSO based weights and biases
converges the system faster. Also, Backpropagation
requires mean square value smaller comparatively for
classification, whereas when initial weights and
biases were given using PSO based FFNN to FFNN;
the mean square value was higher.
Thus PSO is an optimization tool for Neural
Networks. Also the Network parameters and PSO
parameters can be adjusted to find more accurate
results. The same approach can be utilized for other
networks for faster convergence by identifying
constant or variable parameters, such as spread factor
in Radial Basis networks. More specimen signatures
can be acquired and samples can be generated based
on blur, incompleteness, low contrast, high
illumination, different human mood etc.
Acknowledgement
We thank to Mr. Ketan Taksande, Mtech., IIT
Kharagpur, and Working at Cemetec, Pune, for his
valuable guidance and for generating specimen
database for offline signature. 192 specimens for each
individual signature were created using program in
MATLAB software.
REFERENCES
[1] L. Prechelt, Proben1—A set of neural
network benchmark problems and
benchmarking rules, Karlsruhe, Germany,
Tech. Rep. 21/94, Sep. 1994.
[2] J. Kennedy and R. Eberhart. Particle swarm
optimization. In Proceedings of IEEE
International Conference on Neural
Networks, volume IV, pages 1942{1948,
Perth, Australia, 1995.
[3] H.-P. Schwefel, Evolution and Optimum
Seeking, Wiley, New York, 1995.
[4] D. Fogel, Z. Michalewicz, Handbook of
Evolutionary Computation, IOP Publishing
and Oxford University Press, New York,
1997.
[5] Y. Shi and R.C. Eberhart. A modified
particle swarm optimizer. In Proceedings of
1998 IEEE International Conference on
Evolutionary Computation, pages 69-73,
Anchorage, AK, USA, 1998.
[6] Y. Shi and R.C. Eberhart. Parameter
selection in particle swarm optimization. In
Proceedings of Evolutionary Programming
VII (EP98), pages 591-600, 1998.
[7] R. S. Sexton, R. E. Dorsey, and J. D.
Johnson, ―Optimization of neural networks:
A comparative analysis of the genetic
algorithm and simulated annealing‖, Eur. J.
Oper. Res., vol. 114, pp. 589–601, 1999.
[8] R.C. Eberhart and Y. Shi. Comparing inertia
weights and constriction factors in particle
swarm optimization. Proceedings of the 2000
Congress on Evolutionary Computation,
1:84-88, 2000.
[9] E. Bonabeau, M. Dorigo, From Natural to
Artificial Swarm Intelligence, Oxford
University Press, New York, 1999.
[10] J. Kennedy, R.C. Eberhart, Swarm
Intelligence, Morgan Kaufmann, 2001.
[11] M. Clerc and J. Kennedy. The particle
swarm - explosion, stability, and
convergence in a multidimensional complex
space, IEEE Transactions on Evolutionary
Computation, 6:58-73, 2002.
[12] K.E. Parsopoulos, M.N. Vrahatis, Recent
approaches to global optimization problems
through particle swarm optimization,
Natural Computing 1 (2–3) (2002) 235–306.
[13] I.C. Trelea, The particle swarm optimization
algorithm: Convergence analysis and
parameter selection, Information Processing
Letters 85 (2003) 317–325.
[14] K.E. Parsopoulos, M.N. Vrahatis, On the
computation of all global minimizers
through particle swarm optimization, IEEE
Transactions on Evolutionary Computation 8
(3) (2004) 211–224.
[15] M. Ventresca and H. R. Tizhoosh (2006).
Improving the convergence of back-
propagation by opposite transfer functions,
in Proc. EEE WorldCongr. Comput. Intell.
Vancouver, BC, Canada, 9527–9534.
[16] B. Subudhi, D. Jena (2008). Differential
Evolution and Levenberg Marquardt
Trained Neural Network Scheme for
Nonlinear System Identification, Neural
Processing Letters, 27(3), 285-296.
Pratik R. Hajare Int. Journal of Engineering Research and Applications www.ijera.com
ISSN : 2248-9622, Vol. 5, Issue 7, ( Part - 1) July 2015, pp.100-105
www.ijera.com 105 | P a g e
[17] Cai, X.J., Cui Z.H., Zeng, J.C. & Tan, Y.
(2008). Particle Swarm Optimization with
Self adjusting Cognitive Selection Strategy,
International Journal of Innovative
Computing, Information and Control
(IJICIC), Vol.4, No.4, 943-952.
[18] Ziyu, T., & Dingxue, Z. (2009). A modified
particle swarm optimization with adaptive
acceleration coefficients. In Proceedings of
the IEEE international conference on
information processing (pp. 330–332).
Washington DC: IEEE Computer Society.
[19] Lutz Prechelt, ―A set of Neural Network
Benchmark Problems and Benchmarking
rules‖, technical report, September 30, 1994.
[20] Yann Le Cun, John S. Denker & Sara A.
Solla, Optimal Brain Damage. In [22] pages
598-605, 1990.
[21] G.E.P. Box and G.M. Jenkins (1970), Time
Series Analysis, Forecasting and Control,
Holden Day, San Francisco.
[22] Suhail M. Odeh and Manal Khalil, ―Off-line
signature verification and recognition:
Neural Network Approach,‖ 2011 IEEE.
[23] Maya V. Karki, K. Indira, Dr. S. Sethu Selvi,
‖Off-Line Signature Recognition and
Verification using Neural Network‖,2007
IEEE.
[24] Milton Roberto Heinen and Fernando Santos
Osorio ―Handwritten Signature
Authentication using Artificial Neural
Networks‖, Member, 2006IEEE.
[25] Priyanka Narkhede, Prof. V.R. Ingale
―Performance Comparison of ANN
Techniques involved in Offline Signature
Recognition on the basis of Morphological
and Global Features‖, Quality Up-Gradation
in Engineering Science & Technology,
BDCE 2014, ISSN: 978-81-923623-1-1,
International Journal of Research in
Engineering & Technology (IJRET).

More Related Content

What's hot

Dynamic thresholding on speech segmentation
Dynamic thresholding on speech segmentationDynamic thresholding on speech segmentation
Dynamic thresholding on speech segmentationeSAT Publishing House
 
Face Detection and Recognition using Back Propagation Neural Network (BPNN)
Face Detection and Recognition using Back Propagation Neural Network (BPNN)Face Detection and Recognition using Back Propagation Neural Network (BPNN)
Face Detection and Recognition using Back Propagation Neural Network (BPNN)IRJET Journal
 
Neural network based numerical digits recognization using nnt in matlab
Neural network based numerical digits recognization using nnt in matlabNeural network based numerical digits recognization using nnt in matlab
Neural network based numerical digits recognization using nnt in matlabijcses
 
Wang midterm-defence
Wang midterm-defenceWang midterm-defence
Wang midterm-defenceZhipeng Wang
 
Segmentation and recognition of handwritten digit numeral string using a mult...
Segmentation and recognition of handwritten digit numeral string using a mult...Segmentation and recognition of handwritten digit numeral string using a mult...
Segmentation and recognition of handwritten digit numeral string using a mult...ijfcstjournal
 
A novel automatic voice recognition system based on text-independent in a noi...
A novel automatic voice recognition system based on text-independent in a noi...A novel automatic voice recognition system based on text-independent in a noi...
A novel automatic voice recognition system based on text-independent in a noi...IJECEIAES
 
Ijeee 16-19-a novel approach to brain tumor classification using wavelet and ...
Ijeee 16-19-a novel approach to brain tumor classification using wavelet and ...Ijeee 16-19-a novel approach to brain tumor classification using wavelet and ...
Ijeee 16-19-a novel approach to brain tumor classification using wavelet and ...Kumar Goud
 
Image deblurring based on spectral measures of whiteness
Image deblurring based on spectral measures of whitenessImage deblurring based on spectral measures of whiteness
Image deblurring based on spectral measures of whitenessijma
 
Ocr accuracy improvement on
Ocr accuracy improvement onOcr accuracy improvement on
Ocr accuracy improvement onsipij
 
ENERGY COMPUTATION FOR BCI USING DCT AND MOVING AVERAGE WINDOW FOR NOISE SMOO...
ENERGY COMPUTATION FOR BCI USING DCT AND MOVING AVERAGE WINDOW FOR NOISE SMOO...ENERGY COMPUTATION FOR BCI USING DCT AND MOVING AVERAGE WINDOW FOR NOISE SMOO...
ENERGY COMPUTATION FOR BCI USING DCT AND MOVING AVERAGE WINDOW FOR NOISE SMOO...IJCSEA Journal
 
rob 537 final paper(fourth modify)
rob 537 final paper(fourth modify)rob 537 final paper(fourth modify)
rob 537 final paper(fourth modify)Huanchi Cao
 
Recognition of emotional states using EEG signals based on time-frequency ana...
Recognition of emotional states using EEG signals based on time-frequency ana...Recognition of emotional states using EEG signals based on time-frequency ana...
Recognition of emotional states using EEG signals based on time-frequency ana...IJECEIAES
 
2 ijaems dec-2015-5-comprehensive review of huffman encoding technique for im...
2 ijaems dec-2015-5-comprehensive review of huffman encoding technique for im...2 ijaems dec-2015-5-comprehensive review of huffman encoding technique for im...
2 ijaems dec-2015-5-comprehensive review of huffman encoding technique for im...INFOGAIN PUBLICATION
 
Using Brain Waves as New Biometric Feature for Authenticating a Computer User...
Using Brain Waves as New Biometric Feature for Authenticatinga Computer User...Using Brain Waves as New Biometric Feature for Authenticatinga Computer User...
Using Brain Waves as New Biometric Feature for Authenticating a Computer User...Buthainah Hamdy
 
Character recognition project
Character recognition projectCharacter recognition project
Character recognition projectMonsif sakienah
 
CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...
CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...
CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...Editor IJMTER
 

What's hot (19)

Dynamic thresholding on speech segmentation
Dynamic thresholding on speech segmentationDynamic thresholding on speech segmentation
Dynamic thresholding on speech segmentation
 
Face Detection and Recognition using Back Propagation Neural Network (BPNN)
Face Detection and Recognition using Back Propagation Neural Network (BPNN)Face Detection and Recognition using Back Propagation Neural Network (BPNN)
Face Detection and Recognition using Back Propagation Neural Network (BPNN)
 
Neural network based numerical digits recognization using nnt in matlab
Neural network based numerical digits recognization using nnt in matlabNeural network based numerical digits recognization using nnt in matlab
Neural network based numerical digits recognization using nnt in matlab
 
Wang midterm-defence
Wang midterm-defenceWang midterm-defence
Wang midterm-defence
 
call for papers, research paper publishing, where to publish research paper, ...
call for papers, research paper publishing, where to publish research paper, ...call for papers, research paper publishing, where to publish research paper, ...
call for papers, research paper publishing, where to publish research paper, ...
 
Segmentation and recognition of handwritten digit numeral string using a mult...
Segmentation and recognition of handwritten digit numeral string using a mult...Segmentation and recognition of handwritten digit numeral string using a mult...
Segmentation and recognition of handwritten digit numeral string using a mult...
 
A novel automatic voice recognition system based on text-independent in a noi...
A novel automatic voice recognition system based on text-independent in a noi...A novel automatic voice recognition system based on text-independent in a noi...
A novel automatic voice recognition system based on text-independent in a noi...
 
Ijeee 16-19-a novel approach to brain tumor classification using wavelet and ...
Ijeee 16-19-a novel approach to brain tumor classification using wavelet and ...Ijeee 16-19-a novel approach to brain tumor classification using wavelet and ...
Ijeee 16-19-a novel approach to brain tumor classification using wavelet and ...
 
Seminar5
Seminar5Seminar5
Seminar5
 
Image deblurring based on spectral measures of whiteness
Image deblurring based on spectral measures of whitenessImage deblurring based on spectral measures of whiteness
Image deblurring based on spectral measures of whiteness
 
Ocr accuracy improvement on
Ocr accuracy improvement onOcr accuracy improvement on
Ocr accuracy improvement on
 
ENERGY COMPUTATION FOR BCI USING DCT AND MOVING AVERAGE WINDOW FOR NOISE SMOO...
ENERGY COMPUTATION FOR BCI USING DCT AND MOVING AVERAGE WINDOW FOR NOISE SMOO...ENERGY COMPUTATION FOR BCI USING DCT AND MOVING AVERAGE WINDOW FOR NOISE SMOO...
ENERGY COMPUTATION FOR BCI USING DCT AND MOVING AVERAGE WINDOW FOR NOISE SMOO...
 
rob 537 final paper(fourth modify)
rob 537 final paper(fourth modify)rob 537 final paper(fourth modify)
rob 537 final paper(fourth modify)
 
Recognition of emotional states using EEG signals based on time-frequency ana...
Recognition of emotional states using EEG signals based on time-frequency ana...Recognition of emotional states using EEG signals based on time-frequency ana...
Recognition of emotional states using EEG signals based on time-frequency ana...
 
Jr3616801683
Jr3616801683Jr3616801683
Jr3616801683
 
2 ijaems dec-2015-5-comprehensive review of huffman encoding technique for im...
2 ijaems dec-2015-5-comprehensive review of huffman encoding technique for im...2 ijaems dec-2015-5-comprehensive review of huffman encoding technique for im...
2 ijaems dec-2015-5-comprehensive review of huffman encoding technique for im...
 
Using Brain Waves as New Biometric Feature for Authenticating a Computer User...
Using Brain Waves as New Biometric Feature for Authenticatinga Computer User...Using Brain Waves as New Biometric Feature for Authenticatinga Computer User...
Using Brain Waves as New Biometric Feature for Authenticating a Computer User...
 
Character recognition project
Character recognition projectCharacter recognition project
Character recognition project
 
CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...
CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...
CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...
 

Viewers also liked

Bearing Capacity of High Density Polyethylene (HDPE) Reinforced Sand Using Pl...
Bearing Capacity of High Density Polyethylene (HDPE) Reinforced Sand Using Pl...Bearing Capacity of High Density Polyethylene (HDPE) Reinforced Sand Using Pl...
Bearing Capacity of High Density Polyethylene (HDPE) Reinforced Sand Using Pl...IJERA Editor
 
The Impact of the Combination of Circular Curve and Transition Curve on Highw...
The Impact of the Combination of Circular Curve and Transition Curve on Highw...The Impact of the Combination of Circular Curve and Transition Curve on Highw...
The Impact of the Combination of Circular Curve and Transition Curve on Highw...IJERA Editor
 
Measuring innovation in the "Process" approach: the case of agro-food product...
Measuring innovation in the "Process" approach: the case of agro-food product...Measuring innovation in the "Process" approach: the case of agro-food product...
Measuring innovation in the "Process" approach: the case of agro-food product...IJERA Editor
 
A Brief Survey on Vertex and Label Anonymization Techniques of Online Social ...
A Brief Survey on Vertex and Label Anonymization Techniques of Online Social ...A Brief Survey on Vertex and Label Anonymization Techniques of Online Social ...
A Brief Survey on Vertex and Label Anonymization Techniques of Online Social ...IJERA Editor
 
Experimental and numerical evaluation of plasticity model with ductile damage...
Experimental and numerical evaluation of plasticity model with ductile damage...Experimental and numerical evaluation of plasticity model with ductile damage...
Experimental and numerical evaluation of plasticity model with ductile damage...IJERA Editor
 
Plant Mediated Synthesis of Silver Nanoparticles by Using Dried Stem Powder o...
Plant Mediated Synthesis of Silver Nanoparticles by Using Dried Stem Powder o...Plant Mediated Synthesis of Silver Nanoparticles by Using Dried Stem Powder o...
Plant Mediated Synthesis of Silver Nanoparticles by Using Dried Stem Powder o...IJERA Editor
 
Effect of degumming conditions on the deformation behavior of banana (Musa ac...
Effect of degumming conditions on the deformation behavior of banana (Musa ac...Effect of degumming conditions on the deformation behavior of banana (Musa ac...
Effect of degumming conditions on the deformation behavior of banana (Musa ac...IJERA Editor
 
Effect of Chemical Treatment and Curing Parameters on Mechanical Properties o...
Effect of Chemical Treatment and Curing Parameters on Mechanical Properties o...Effect of Chemical Treatment and Curing Parameters on Mechanical Properties o...
Effect of Chemical Treatment and Curing Parameters on Mechanical Properties o...IJERA Editor
 
The Research on the Cracks of the Asphalt Pavement
The Research on the Cracks of the Asphalt PavementThe Research on the Cracks of the Asphalt Pavement
The Research on the Cracks of the Asphalt PavementIJERA Editor
 
Modification on Energy Efficient Design of DVB-T2 Constellation De-mapper
Modification on Energy Efficient Design of DVB-T2 Constellation De-mapperModification on Energy Efficient Design of DVB-T2 Constellation De-mapper
Modification on Energy Efficient Design of DVB-T2 Constellation De-mapperIJERA Editor
 
Design and Analysis of Delta Wing Tilt Rotor UAV
Design and Analysis of Delta Wing Tilt Rotor UAVDesign and Analysis of Delta Wing Tilt Rotor UAV
Design and Analysis of Delta Wing Tilt Rotor UAVIJERA Editor
 
Sensitivity Analysis on Variation of Vane Natural Frequency of a Typical Aero...
Sensitivity Analysis on Variation of Vane Natural Frequency of a Typical Aero...Sensitivity Analysis on Variation of Vane Natural Frequency of a Typical Aero...
Sensitivity Analysis on Variation of Vane Natural Frequency of a Typical Aero...IJERA Editor
 
Wavelet Based Fault Detection, Classification in Transmission System with TCS...
Wavelet Based Fault Detection, Classification in Transmission System with TCS...Wavelet Based Fault Detection, Classification in Transmission System with TCS...
Wavelet Based Fault Detection, Classification in Transmission System with TCS...IJERA Editor
 
Pastoral juvenil
Pastoral juvenilPastoral juvenil
Pastoral juvenilrudikaleja
 
Tarea 4 (pub med)
Tarea 4 (pub med)Tarea 4 (pub med)
Tarea 4 (pub med)aguedagomez
 
Depreciation nihar jambusaria
Depreciation nihar jambusariaDepreciation nihar jambusaria
Depreciation nihar jambusariaNihar Jambusaria
 
Naturaleza y critica de la psicoterapia
Naturaleza y critica de la psicoterapiaNaturaleza y critica de la psicoterapia
Naturaleza y critica de la psicoterapiaJose Luis Espinosa
 

Viewers also liked (20)

Bearing Capacity of High Density Polyethylene (HDPE) Reinforced Sand Using Pl...
Bearing Capacity of High Density Polyethylene (HDPE) Reinforced Sand Using Pl...Bearing Capacity of High Density Polyethylene (HDPE) Reinforced Sand Using Pl...
Bearing Capacity of High Density Polyethylene (HDPE) Reinforced Sand Using Pl...
 
The Impact of the Combination of Circular Curve and Transition Curve on Highw...
The Impact of the Combination of Circular Curve and Transition Curve on Highw...The Impact of the Combination of Circular Curve and Transition Curve on Highw...
The Impact of the Combination of Circular Curve and Transition Curve on Highw...
 
Measuring innovation in the "Process" approach: the case of agro-food product...
Measuring innovation in the "Process" approach: the case of agro-food product...Measuring innovation in the "Process" approach: the case of agro-food product...
Measuring innovation in the "Process" approach: the case of agro-food product...
 
A Brief Survey on Vertex and Label Anonymization Techniques of Online Social ...
A Brief Survey on Vertex and Label Anonymization Techniques of Online Social ...A Brief Survey on Vertex and Label Anonymization Techniques of Online Social ...
A Brief Survey on Vertex and Label Anonymization Techniques of Online Social ...
 
Experimental and numerical evaluation of plasticity model with ductile damage...
Experimental and numerical evaluation of plasticity model with ductile damage...Experimental and numerical evaluation of plasticity model with ductile damage...
Experimental and numerical evaluation of plasticity model with ductile damage...
 
Plant Mediated Synthesis of Silver Nanoparticles by Using Dried Stem Powder o...
Plant Mediated Synthesis of Silver Nanoparticles by Using Dried Stem Powder o...Plant Mediated Synthesis of Silver Nanoparticles by Using Dried Stem Powder o...
Plant Mediated Synthesis of Silver Nanoparticles by Using Dried Stem Powder o...
 
Effect of degumming conditions on the deformation behavior of banana (Musa ac...
Effect of degumming conditions on the deformation behavior of banana (Musa ac...Effect of degumming conditions on the deformation behavior of banana (Musa ac...
Effect of degumming conditions on the deformation behavior of banana (Musa ac...
 
Effect of Chemical Treatment and Curing Parameters on Mechanical Properties o...
Effect of Chemical Treatment and Curing Parameters on Mechanical Properties o...Effect of Chemical Treatment and Curing Parameters on Mechanical Properties o...
Effect of Chemical Treatment and Curing Parameters on Mechanical Properties o...
 
The Research on the Cracks of the Asphalt Pavement
The Research on the Cracks of the Asphalt PavementThe Research on the Cracks of the Asphalt Pavement
The Research on the Cracks of the Asphalt Pavement
 
Modification on Energy Efficient Design of DVB-T2 Constellation De-mapper
Modification on Energy Efficient Design of DVB-T2 Constellation De-mapperModification on Energy Efficient Design of DVB-T2 Constellation De-mapper
Modification on Energy Efficient Design of DVB-T2 Constellation De-mapper
 
Design and Analysis of Delta Wing Tilt Rotor UAV
Design and Analysis of Delta Wing Tilt Rotor UAVDesign and Analysis of Delta Wing Tilt Rotor UAV
Design and Analysis of Delta Wing Tilt Rotor UAV
 
Sensitivity Analysis on Variation of Vane Natural Frequency of a Typical Aero...
Sensitivity Analysis on Variation of Vane Natural Frequency of a Typical Aero...Sensitivity Analysis on Variation of Vane Natural Frequency of a Typical Aero...
Sensitivity Analysis on Variation of Vane Natural Frequency of a Typical Aero...
 
Wavelet Based Fault Detection, Classification in Transmission System with TCS...
Wavelet Based Fault Detection, Classification in Transmission System with TCS...Wavelet Based Fault Detection, Classification in Transmission System with TCS...
Wavelet Based Fault Detection, Classification in Transmission System with TCS...
 
Pastoral juvenil
Pastoral juvenilPastoral juvenil
Pastoral juvenil
 
Mus tau valencia
Mus tau valenciaMus tau valencia
Mus tau valencia
 
Tarea 4 (pub med)
Tarea 4 (pub med)Tarea 4 (pub med)
Tarea 4 (pub med)
 
Depreciation nihar jambusaria
Depreciation nihar jambusariaDepreciation nihar jambusaria
Depreciation nihar jambusaria
 
Naturaleza y critica de la psicoterapia
Naturaleza y critica de la psicoterapiaNaturaleza y critica de la psicoterapia
Naturaleza y critica de la psicoterapia
 
Editorial Jumex
Editorial JumexEditorial Jumex
Editorial Jumex
 
Abracadabra presentació setmana
Abracadabra presentació setmanaAbracadabra presentació setmana
Abracadabra presentació setmana
 

Similar to PSO optimized Feed Forward Neural Network for offline Signature Classification

IRJET-Performance Enhancement in Machine Learning System using Hybrid Bee Col...
IRJET-Performance Enhancement in Machine Learning System using Hybrid Bee Col...IRJET-Performance Enhancement in Machine Learning System using Hybrid Bee Col...
IRJET-Performance Enhancement in Machine Learning System using Hybrid Bee Col...IRJET Journal
 
Tamil Character Recognition based on Back Propagation Neural Networks
Tamil Character Recognition based on Back Propagation Neural NetworksTamil Character Recognition based on Back Propagation Neural Networks
Tamil Character Recognition based on Back Propagation Neural NetworksDR.P.S.JAGADEESH KUMAR
 
Offline Character Recognition Using Monte Carlo Method and Neural Network
Offline Character Recognition Using Monte Carlo Method and Neural NetworkOffline Character Recognition Using Monte Carlo Method and Neural Network
Offline Character Recognition Using Monte Carlo Method and Neural Networkijaia
 
Training artificial neural network using particle swarm optimization algorithm
Training artificial neural network using particle swarm optimization algorithmTraining artificial neural network using particle swarm optimization algorithm
Training artificial neural network using particle swarm optimization algorithmA. Roy
 
Training artificial neural network using particle swarm optimization algorithm
Training artificial neural network using particle swarm optimization algorithmTraining artificial neural network using particle swarm optimization algorithm
Training artificial neural network using particle swarm optimization algorithmA. Roy
 
Evolutionary Algorithm for Optimal Connection Weights in Artificial Neural Ne...
Evolutionary Algorithm for Optimal Connection Weights in Artificial Neural Ne...Evolutionary Algorithm for Optimal Connection Weights in Artificial Neural Ne...
Evolutionary Algorithm for Optimal Connection Weights in Artificial Neural Ne...CSCJournals
 
Off-line English Character Recognition: A Comparative Survey
Off-line English Character Recognition: A Comparative SurveyOff-line English Character Recognition: A Comparative Survey
Off-line English Character Recognition: A Comparative Surveyidescitation
 
Pattern Recognition using Artificial Neural Network
Pattern Recognition using Artificial Neural NetworkPattern Recognition using Artificial Neural Network
Pattern Recognition using Artificial Neural NetworkEditor IJCATR
 
A Parallel Framework For Multilayer Perceptron For Human Face Recognition
A Parallel Framework For Multilayer Perceptron For Human Face RecognitionA Parallel Framework For Multilayer Perceptron For Human Face Recognition
A Parallel Framework For Multilayer Perceptron For Human Face RecognitionCSCJournals
 
Application of Hybrid Genetic Algorithm Using Artificial Neural Network in Da...
Application of Hybrid Genetic Algorithm Using Artificial Neural Network in Da...Application of Hybrid Genetic Algorithm Using Artificial Neural Network in Da...
Application of Hybrid Genetic Algorithm Using Artificial Neural Network in Da...IOSRjournaljce
 
Survey on Artificial Neural Network Learning Technique Algorithms
Survey on Artificial Neural Network Learning Technique AlgorithmsSurvey on Artificial Neural Network Learning Technique Algorithms
Survey on Artificial Neural Network Learning Technique AlgorithmsIRJET Journal
 
Sentiment Analysis: A comparative study of Deep Learning and Machine Learning
Sentiment Analysis: A comparative study of Deep Learning and Machine LearningSentiment Analysis: A comparative study of Deep Learning and Machine Learning
Sentiment Analysis: A comparative study of Deep Learning and Machine LearningIRJET Journal
 
IRJET - Face Recognition in Digital Documents with Live Image
IRJET - Face Recognition in Digital Documents with Live ImageIRJET - Face Recognition in Digital Documents with Live Image
IRJET - Face Recognition in Digital Documents with Live ImageIRJET Journal
 
Artificial neural network
Artificial neural networkArtificial neural network
Artificial neural networkGauravPandey319
 
Semi-supervised learning approach using modified self-training algorithm to c...
Semi-supervised learning approach using modified self-training algorithm to c...Semi-supervised learning approach using modified self-training algorithm to c...
Semi-supervised learning approach using modified self-training algorithm to c...IJECEIAES
 
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET Journal
 
EMPIRICAL APPLICATION OF SIMULATED ANNEALING USING OBJECT-ORIENTED METRICS TO...
EMPIRICAL APPLICATION OF SIMULATED ANNEALING USING OBJECT-ORIENTED METRICS TO...EMPIRICAL APPLICATION OF SIMULATED ANNEALING USING OBJECT-ORIENTED METRICS TO...
EMPIRICAL APPLICATION OF SIMULATED ANNEALING USING OBJECT-ORIENTED METRICS TO...ijcsa
 
Ijricit 01-002 enhanced replica detection in short time for large data sets
Ijricit 01-002 enhanced replica detection in  short time for large data setsIjricit 01-002 enhanced replica detection in  short time for large data sets
Ijricit 01-002 enhanced replica detection in short time for large data setsIjripublishers Ijri
 

Similar to PSO optimized Feed Forward Neural Network for offline Signature Classification (20)

IRJET-Performance Enhancement in Machine Learning System using Hybrid Bee Col...
IRJET-Performance Enhancement in Machine Learning System using Hybrid Bee Col...IRJET-Performance Enhancement in Machine Learning System using Hybrid Bee Col...
IRJET-Performance Enhancement in Machine Learning System using Hybrid Bee Col...
 
Tamil Character Recognition based on Back Propagation Neural Networks
Tamil Character Recognition based on Back Propagation Neural NetworksTamil Character Recognition based on Back Propagation Neural Networks
Tamil Character Recognition based on Back Propagation Neural Networks
 
Offline Character Recognition Using Monte Carlo Method and Neural Network
Offline Character Recognition Using Monte Carlo Method and Neural NetworkOffline Character Recognition Using Monte Carlo Method and Neural Network
Offline Character Recognition Using Monte Carlo Method and Neural Network
 
Training artificial neural network using particle swarm optimization algorithm
Training artificial neural network using particle swarm optimization algorithmTraining artificial neural network using particle swarm optimization algorithm
Training artificial neural network using particle swarm optimization algorithm
 
Training artificial neural network using particle swarm optimization algorithm
Training artificial neural network using particle swarm optimization algorithmTraining artificial neural network using particle swarm optimization algorithm
Training artificial neural network using particle swarm optimization algorithm
 
Evolutionary Algorithm for Optimal Connection Weights in Artificial Neural Ne...
Evolutionary Algorithm for Optimal Connection Weights in Artificial Neural Ne...Evolutionary Algorithm for Optimal Connection Weights in Artificial Neural Ne...
Evolutionary Algorithm for Optimal Connection Weights in Artificial Neural Ne...
 
Off-line English Character Recognition: A Comparative Survey
Off-line English Character Recognition: A Comparative SurveyOff-line English Character Recognition: A Comparative Survey
Off-line English Character Recognition: A Comparative Survey
 
Pattern Recognition using Artificial Neural Network
Pattern Recognition using Artificial Neural NetworkPattern Recognition using Artificial Neural Network
Pattern Recognition using Artificial Neural Network
 
A Parallel Framework For Multilayer Perceptron For Human Face Recognition
A Parallel Framework For Multilayer Perceptron For Human Face RecognitionA Parallel Framework For Multilayer Perceptron For Human Face Recognition
A Parallel Framework For Multilayer Perceptron For Human Face Recognition
 
Ag044216224
Ag044216224Ag044216224
Ag044216224
 
Application of Hybrid Genetic Algorithm Using Artificial Neural Network in Da...
Application of Hybrid Genetic Algorithm Using Artificial Neural Network in Da...Application of Hybrid Genetic Algorithm Using Artificial Neural Network in Da...
Application of Hybrid Genetic Algorithm Using Artificial Neural Network in Da...
 
Survey on Artificial Neural Network Learning Technique Algorithms
Survey on Artificial Neural Network Learning Technique AlgorithmsSurvey on Artificial Neural Network Learning Technique Algorithms
Survey on Artificial Neural Network Learning Technique Algorithms
 
Sentiment Analysis: A comparative study of Deep Learning and Machine Learning
Sentiment Analysis: A comparative study of Deep Learning and Machine LearningSentiment Analysis: A comparative study of Deep Learning and Machine Learning
Sentiment Analysis: A comparative study of Deep Learning and Machine Learning
 
IRJET - Face Recognition in Digital Documents with Live Image
IRJET - Face Recognition in Digital Documents with Live ImageIRJET - Face Recognition in Digital Documents with Live Image
IRJET - Face Recognition in Digital Documents with Live Image
 
50120140504015
5012014050401550120140504015
50120140504015
 
Artificial neural network
Artificial neural networkArtificial neural network
Artificial neural network
 
Semi-supervised learning approach using modified self-training algorithm to c...
Semi-supervised learning approach using modified self-training algorithm to c...Semi-supervised learning approach using modified self-training algorithm to c...
Semi-supervised learning approach using modified self-training algorithm to c...
 
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
 
EMPIRICAL APPLICATION OF SIMULATED ANNEALING USING OBJECT-ORIENTED METRICS TO...
EMPIRICAL APPLICATION OF SIMULATED ANNEALING USING OBJECT-ORIENTED METRICS TO...EMPIRICAL APPLICATION OF SIMULATED ANNEALING USING OBJECT-ORIENTED METRICS TO...
EMPIRICAL APPLICATION OF SIMULATED ANNEALING USING OBJECT-ORIENTED METRICS TO...
 
Ijricit 01-002 enhanced replica detection in short time for large data sets
Ijricit 01-002 enhanced replica detection in  short time for large data setsIjricit 01-002 enhanced replica detection in  short time for large data sets
Ijricit 01-002 enhanced replica detection in short time for large data sets
 

Recently uploaded

Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxpurnimasatapathy1234
 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Dr.Costas Sachpazis
 
Coefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxCoefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxAsutosh Ranjan
 
Java Programming :Event Handling(Types of Events)
Java Programming :Event Handling(Types of Events)Java Programming :Event Handling(Types of Events)
Java Programming :Event Handling(Types of Events)simmis5
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxupamatechverse
 
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSHARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSRajkumarAkumalla
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingrakeshbaidya232001
 
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordCCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordAsst.prof M.Gokilavani
 
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
UNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its PerformanceUNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its Performancesivaprakash250
 
UNIT-III FMM. DIMENSIONAL ANALYSIS
UNIT-III FMM.        DIMENSIONAL ANALYSISUNIT-III FMM.        DIMENSIONAL ANALYSIS
UNIT-III FMM. DIMENSIONAL ANALYSISrknatarajan
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSSIVASHANKAR N
 
UNIT-II FMM-Flow Through Circular Conduits
UNIT-II FMM-Flow Through Circular ConduitsUNIT-II FMM-Flow Through Circular Conduits
UNIT-II FMM-Flow Through Circular Conduitsrknatarajan
 
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escortsranjana rawat
 
AKTU Computer Networks notes --- Unit 3.pdf
AKTU Computer Networks notes ---  Unit 3.pdfAKTU Computer Networks notes ---  Unit 3.pdf
AKTU Computer Networks notes --- Unit 3.pdfankushspencer015
 
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service NashikCall Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service NashikCall Girls in Nagpur High Profile
 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...ranjana rawat
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCall Girls in Nagpur High Profile
 
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...Call Girls in Nagpur High Profile
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSKurinjimalarL3
 

Recently uploaded (20)

Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptx
 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
 
Coefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxCoefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptx
 
Java Programming :Event Handling(Types of Events)
Java Programming :Event Handling(Types of Events)Java Programming :Event Handling(Types of Events)
Java Programming :Event Handling(Types of Events)
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptx
 
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSHARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writing
 
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordCCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
 
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
UNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its PerformanceUNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its Performance
 
UNIT-III FMM. DIMENSIONAL ANALYSIS
UNIT-III FMM.        DIMENSIONAL ANALYSISUNIT-III FMM.        DIMENSIONAL ANALYSIS
UNIT-III FMM. DIMENSIONAL ANALYSIS
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
 
UNIT-II FMM-Flow Through Circular Conduits
UNIT-II FMM-Flow Through Circular ConduitsUNIT-II FMM-Flow Through Circular Conduits
UNIT-II FMM-Flow Through Circular Conduits
 
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
 
AKTU Computer Networks notes --- Unit 3.pdf
AKTU Computer Networks notes ---  Unit 3.pdfAKTU Computer Networks notes ---  Unit 3.pdf
AKTU Computer Networks notes --- Unit 3.pdf
 
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service NashikCall Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
Call Girls Service Nashik Vaishnavi 7001305949 Independent Escort Service Nashik
 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
 
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
 

PSO optimized Feed Forward Neural Network for offline Signature Classification

  • 1. Pratik R. Hajare Int. Journal of Engineering Research and Applications www.ijera.com ISSN : 2248-9622, Vol. 5, Issue 7, ( Part - 1) July 2015, pp.100-105 www.ijera.com 100 | P a g e PSO optimized Feed Forward Neural Network for offline Signature Classification Pratik R. Hajare* Dr. Narendra G. Bawane** *Research Scholar, G. H. Raisoni College of Engineering, Nagpur, Maharashtra, India **Principal, S. B. Jain Institute of Technology, Management & Research, Nagpur, Maharashtra, India ABSTRACT The paper is based on feed forward neural network (FFNN) optimization by particle swarm intelligence (PSI) used to provide initial weights and biases to train neural network. Once the weights and biases are found using Particle swarm optimization (PSO) with neural network used as training algorithm for specified epoch, the same are used to train the neural network for training and classification of benchmark problems. Further the approach is tested for offline signature classifications. A comparison is made between normal FFNN with random weights and biases and FFNN with particle swarm optimized weights and biases. Firstly, the performance is tested on two benchmark databases for neural network, The Breast Cancer Database and the Diabetic Database. Result shows that neural network performs better with initial weights and biases obtained by Particle Swarm optimization. The network converges faster with PSO obtained initial weights and biases for FFNN and classification accuracy is increased. Keywords- Particle swarm intelligence, feed forward Neural Network, Backpropagation, convergence, benchmark, realistic problems, prediction error, local minima, local maxima, offline, signature. I. INTRODUCTION In many classification applications Neural networks are widely used where data is non linear and diverse. For better result, the networks are tuned by adjusting various network parameters. Research shows that different researchers are still at work related to find optimum network architecture that is topology, layer transfer functions, initial guess to weights and biases, training algorithm, minimum gradient, epochs etc. Training neural networks for better accuracy is a cumbersome and tedious job. One cannot expect good results at the first stroke when a neural network is trained. And the network has to be trained multiple times unless expected output with minimum mean square error is obtained. Also a compromise has to be made most of the time between expected output and training samples. When the solution represents the network topological information but not the weight values, a network with a full set of weights must be used to calculate the training error for the cost function. This is often done by performing a random initialization of weights and by training the network using one of the most commonly used learning algorithms, such as Backpropagation. This strategy may lead to noisy fitness evaluation, since different weights and biases as starting point initializations and training parameters can produce different results for the same topology. Swarm intelligence [10] algorithms draw inspiration from the collective behavior and emergent intelligence that arise in socially organized populations. They have been designed primarily to address problems that cannot be tackled through traditional optimization algorithms. Such problems are characterized by discontinuities, lack of derivative information, noisy function values and disjoint search spaces [12, 14]. The general purpose optimization method known as Particle Swarm Optimization (PSO) [2] is due to Kennedy, Eberhart and Shi and works by maintaining a swarm of particles that move around in the search- space influenced by the improvements discovered by the other particles. The advantage of using an optimization method such as PSO is that it does not use the gradient of the problem to be optimized, so the method can be readily employed for a host of optimization problems and with other optimization techniques. This is especially useful when the gradient is too laborious or even impossible to derive. Particle swarm optimization (PSO) is a computational method that optimal solution [3, 4]. PSO optimizes a problem by having a population of candidate solutions, and moving these particles around in the search - space according to simple mathematical formulae. Each particle's movement is influenced by its local best known position and is also guided toward the best known positions in the search-space [9]. Simultaneous optimization of neural network weights and biases is an interesting approach for the generation of efficient networks. In this case, each RESEARCH ARTICLE OPEN ACCESS
  • 2. Pratik R. Hajare Int. Journal of Engineering Research and Applications www.ijera.com ISSN : 2248-9622, Vol. 5, Issue 7, ( Part - 1) July 2015, pp.100-105 www.ijera.com 101 | P a g e point in the search space is a fully specified neural network with complete weight and bias information, and the cost evaluation becomes more accurate. Wrong initial guess to weights and biases may lead to long learning and thus takes large amount of CPU time, the tendency of Backpropagation to get stuck and produce wrong results, chance of getting overstep, and difficult to consider the best performance since every time the output changes with the initial weights and biases initializes [15]. Swarm intelligence is a relatively new category of stochastic, population-based optimization algorithms. These algorithms are closely related to evolutionary algorithms that are based on procedures that imitate natural evolution [13]. Many other evolutionary approaches can be seen in research papers to optimize Neural Networks. Already research shows artificial intelligence individually and in conjunction with other optimization techniques have solved many challenging task. This paper uses PSO as a learning algorithm to find initial starting weights and biases for FFNN and improves the classification rate for training and testing samples of benchmarking databases. Finding exact or optimum layers and number of neurons in the layers is again an issue, choice of proper neural network with optimum parameters is again based on trial and error. And most often it becomes a tedious job. For such case PSO with FFNN at least finds the weights and biases values that can help FFNN to push itself nearer the convergence [11] even with the wrong guess. In most cases, it is found that the Backpropagation tends to under or over a problem. Each individual has its own signature different from others but a person cannot do exactly the same signature every time. Signature recognition finds its application in the field of passport verification system, provides authentication to a candidates in public examination from their signatures, credit cards, bank cheques. Therefore basic need of this type of application is accuracy and time. A person can do the signatures in different forms depending upon the type of pen available, space available to do the signature, angle of signature etc. Human signature is a biometric measure of person's identification. Many sectors like banks, official documents, receipts etc. use handwritten signature to secure and identify concerned person. Each individual has his own signature different with others but a person cannot do exactly the same signature every time so it is very important to recognize the signature. The signature verification problem aims to minimize the intrapersonal differences. Signature recognition can be categorized into following two parts: online and offline. Online handwritten signature recognition deals with automatic conversion of characters which are written on a special digitizer, tablet PC or PDA where a sensor picks up the pen-tip movements as well as pen-up/pen-down switching. In offline technique only scanned images of signatures are available. There are many methods developed for the signature recognition but the neural networks (NN) gives good performance in handwritten character recognition. II. Signature Database In this paper, signatures from 7 different individuals were acquired [25]. A separate algorithm is developed in MATLAB which generates different size, different angle of signatures from one signature. These signatures samples are then passed through some morphological operations like dilation, erosion and some global operation in different ranges. 1. After converting the signature into binary form, the height of signature was reduced by 15% and 30% and then the signature was cropped as per new height. Signature samples (A) Original signature (B) Reduced by 15% (C) Reduced by 30% 2. The area of the signature is defined as the number of black pixels. To reduce the area first we have to calculate black pixels of the signature which is done by subtracting the white pixel area from the total pixel area of the signature the total signature. The signature images are resized by scaling down the calculated area. For database creation the signature image area are reduced by 10%, 20%, 30%. (A) Original signature (B) Reduced by 10% (C) Reduced by 20% (D) Reduced by 30% 3. The morphological features like dilation and erosion is applied on the signature. (A) Original signature (B) Dilated signature (A) Original signature (B) 1st Erode signature (C) 2nd Erode signature 4. Last operation is performed on the signature is rotation. The signatures are rotated within 150 ,300 ,450 . (A) Original signature (B) 150 rotated (C) 300 rotated (D) 450 rotated By applying various global and morphological features in combination on a signature i.e. H/W ratio, area, dilation/erosion, rotation, a sample database of 192 images of a single signature is created. Overall
  • 3. Pratik R. Hajare Int. Journal of Engineering Research and Applications www.ijera.com ISSN : 2248-9622, Vol. 5, Issue 7, ( Part - 1) July 2015, pp.100-105 www.ijera.com 102 | P a g e for 7 such individual signatures a database consisting of 1344 sample images of the signatures are created. Out of this database 1050 samples images are used for training the neural network and 294 sample images are used for testing the ANN techniques. 5. Sample` Signatures 7 Specimens III. Proposed system (A) For higher accuracy the unwanted region was removed using cropping by finding extreme column and row and then the remaining part was resized them to some specified size [60 100]. And the 2 dimensional data was reshaped in a single column vector. (A) Original Image (B) Cropped Image (B) The column vector was decomposed (dimension reduced) by level 8 debauchees 3 mother wavelet. (C) The wavelet coefficients were the normalized by dividing it by maximum wavelet coefficient value from all samples. (D) The training and test data was then separated for training and classification. (E) The neural network is designed using feed forward back propagation algorithm. Following parameters are used to design the neural network. a) Numbers of Layers = 3 b) Total number of neurons = [8 12 1] c) Transfer function = logsig, tansig, purelin d) Training phase: No. of epochs = 1000, Goal = 1e-8 (F) The same parameters were used when the neural network was trained and used to classify test specimens using PSO optimized weights and biases. Parameters used for Particle Swarm % Particle Swarm constants c1=2; % Constant c2=2; % Constant w=2; %Inertia weight wMax=0.9; %Max inertia weight wMin=0.5; %Min inertia weight [18] % Velocity retardation factor dt=0.8; Number of particles was 30. Initial values for local and global best were assumed to be zeros. The training algorithm was levenberg-marquardt [16]. At each iteration the inertial weight was updated as, %Update the w of PSO [8] w=wMin-iteration*(wMax- wMin)/Max_iteration; where iteration is the current iteration and Max_iteration is 100. Velocities were updated as, Vnew = w*Vold + c1 * rand () * (Pbest-P) + c2 * rand () * (Pgbest-P); where 0 < rand () < 1 And the particles (weights and biases) were updated as, Pnew = dt * Vnew + Pold; A complete toolbox was designed for neural network with Backpropagation with a facility to select the network topology, layer transfer functions, and epochs with MSE (mean squared error) as parameter. The weights and biases arrays were initialized at random to be the particles position in the search space. The number of iterations for the neural network with PSO was fixed to 100. IV. Results A) Breast Cancer Databases [19] Diagnosis of breast cancer is to classify a tumor as either benign or malignant based on cell descriptions gathered by microscopic examination. There are 9 inputs, 2 outputs, 699 examples. All inputs are continuous; 65.5% of the examples are benign. This dataset was created based on the breast cancer Wisconsin problem dataset from the UCI repository of machine learning databases. The data was originally obtained from the University of Wisconsin Hospitals, Madison, from Dr. William H. Wolberg [1]. The data for 2 (2 and 4) classes have 458 and 241 samples corresponding to benign or malignant. Approximately 75% of the total sample was used for training and remaining 25% of the samples were used for testing. Further the classes target was set to 0 & 1 instead of 2 & 4 for log sigmoid function at the output layer of FFNN. For neural network, the neurons in the hidden layer were selected to be 6 & 8 and in the output layer to be 1 with transfer functions log sigmoid for all three layers. The network was trained for 550 samples and then tested for remaining 149 samples inclusive of both classes.
  • 4. Pratik R. Hajare Int. Journal of Engineering Research and Applications www.ijera.com ISSN : 2248-9622, Vol. 5, Issue 7, ( Part - 1) July 2015, pp.100-105 www.ijera.com 103 | P a g e (B) Diabetic data Databases [19] Diagnose diabetes of Pima Indians. Based on personal data (age, number of times pregnant) and the results of medical examinations (e.g. blood pressure, body mass index, result of glucose tolerance test, etc.), try to decide whether a Pima Indian individual is diabetes positive or not. There are 8 inputs, 2 outputs, 768 examples. All inputs are continuous. 65.1% of the examples are diabetes negative. Although there are no missing values in this dataset according to its documentation, there are several senseless 0 values. These most probably indicate missing data. Based on other samples the missing values were approximated and filled by values as per other samples. This dataset was created based on the Pima Indians diabetes problem dataset from the UCI repository of machine learning databases. Hence the classification rate was lowered but could have been increased, if data was complete. The data for 2 (0 and 1) classes have 500 and 268 samples corresponding to positive or not. Approximately 75% of the total sample was used for training and remaining 25% of the samples were used for testing. For neural network, the neurons in the hidden layer were selected to be 6 & 8 and in the output layer to be 1 with transfer functions log sigmoid, tansig and log sigmoid for the layers. The network was trained for 576 samples and then tested for remaining 192 samples inclusive of both classes. The result shows that the classification by Neural Network in Breast and Diabetic database with PSO gained weights and biases have higher classification rate for training samples and have improved accuracy with test samples than normal FFNN with random weights and biases. Parameters Benchmark Databases Breast Cancer data Diabetic data PSO iterations 100 100 MSE with PSO-NN 0.029146 0.17615 MSE with FFNN 0.00093935 0.34896 MSE with FFNN with PSO weights and biases 7.5965e-007 0.052083 Classification Rate with FFNN-training data 19.4545 20.4861 Classification Rate with PSO-NN-training data 80.5455 82.9861 Classification Rate with FFNN-testing data 94.302 80.7292 Classification Rate with PSO-NN-testing data 96.9091 89.5238 Network structure [6 8 1] [6 8 1] Transfer functions [logsig logsig logsig] [logsig tansig logsig]
  • 5. Pratik R. Hajare Int. Journal of Engineering Research and Applications www.ijera.com ISSN : 2248-9622, Vol. 5, Issue 7, ( Part - 1) July 2015, pp.100-105 www.ijera.com 104 | P a g e Sr. No. Name of Neural Network Number of samples for testing Neurons required for training Number of matched sample Accuracy 1. FFNN with BP 294 [8 12 1] 286 98% 2 FFNN- BP with PSO weights and Biases 294 [8 12 1] 294 100% V. CONCLUSIONS & SCOPE For classification (Breast and Diabetic Databases) problems, it is clear that the classification is more accurate when weights and biases are priory obtained by PSO and then given to FNN than what is achieved by random initialization of weights and biases with normal FFNN. When applied for offline signature verification, the training and testing data was classified with better accuracy than that of normal FFNN with Backpropagation. Also, it was found that the PSO based weights and biases converges the system faster. Also, Backpropagation requires mean square value smaller comparatively for classification, whereas when initial weights and biases were given using PSO based FFNN to FFNN; the mean square value was higher. Thus PSO is an optimization tool for Neural Networks. Also the Network parameters and PSO parameters can be adjusted to find more accurate results. The same approach can be utilized for other networks for faster convergence by identifying constant or variable parameters, such as spread factor in Radial Basis networks. More specimen signatures can be acquired and samples can be generated based on blur, incompleteness, low contrast, high illumination, different human mood etc. Acknowledgement We thank to Mr. Ketan Taksande, Mtech., IIT Kharagpur, and Working at Cemetec, Pune, for his valuable guidance and for generating specimen database for offline signature. 192 specimens for each individual signature were created using program in MATLAB software. REFERENCES [1] L. Prechelt, Proben1—A set of neural network benchmark problems and benchmarking rules, Karlsruhe, Germany, Tech. Rep. 21/94, Sep. 1994. [2] J. Kennedy and R. Eberhart. Particle swarm optimization. In Proceedings of IEEE International Conference on Neural Networks, volume IV, pages 1942{1948, Perth, Australia, 1995. [3] H.-P. Schwefel, Evolution and Optimum Seeking, Wiley, New York, 1995. [4] D. Fogel, Z. Michalewicz, Handbook of Evolutionary Computation, IOP Publishing and Oxford University Press, New York, 1997. [5] Y. Shi and R.C. Eberhart. A modified particle swarm optimizer. In Proceedings of 1998 IEEE International Conference on Evolutionary Computation, pages 69-73, Anchorage, AK, USA, 1998. [6] Y. Shi and R.C. Eberhart. Parameter selection in particle swarm optimization. In Proceedings of Evolutionary Programming VII (EP98), pages 591-600, 1998. [7] R. S. Sexton, R. E. Dorsey, and J. D. Johnson, ―Optimization of neural networks: A comparative analysis of the genetic algorithm and simulated annealing‖, Eur. J. Oper. Res., vol. 114, pp. 589–601, 1999. [8] R.C. Eberhart and Y. Shi. Comparing inertia weights and constriction factors in particle swarm optimization. Proceedings of the 2000 Congress on Evolutionary Computation, 1:84-88, 2000. [9] E. Bonabeau, M. Dorigo, From Natural to Artificial Swarm Intelligence, Oxford University Press, New York, 1999. [10] J. Kennedy, R.C. Eberhart, Swarm Intelligence, Morgan Kaufmann, 2001. [11] M. Clerc and J. Kennedy. The particle swarm - explosion, stability, and convergence in a multidimensional complex space, IEEE Transactions on Evolutionary Computation, 6:58-73, 2002. [12] K.E. Parsopoulos, M.N. Vrahatis, Recent approaches to global optimization problems through particle swarm optimization, Natural Computing 1 (2–3) (2002) 235–306. [13] I.C. Trelea, The particle swarm optimization algorithm: Convergence analysis and parameter selection, Information Processing Letters 85 (2003) 317–325. [14] K.E. Parsopoulos, M.N. Vrahatis, On the computation of all global minimizers through particle swarm optimization, IEEE Transactions on Evolutionary Computation 8 (3) (2004) 211–224. [15] M. Ventresca and H. R. Tizhoosh (2006). Improving the convergence of back- propagation by opposite transfer functions, in Proc. EEE WorldCongr. Comput. Intell. Vancouver, BC, Canada, 9527–9534. [16] B. Subudhi, D. Jena (2008). Differential Evolution and Levenberg Marquardt Trained Neural Network Scheme for Nonlinear System Identification, Neural Processing Letters, 27(3), 285-296.
  • 6. Pratik R. Hajare Int. Journal of Engineering Research and Applications www.ijera.com ISSN : 2248-9622, Vol. 5, Issue 7, ( Part - 1) July 2015, pp.100-105 www.ijera.com 105 | P a g e [17] Cai, X.J., Cui Z.H., Zeng, J.C. & Tan, Y. (2008). Particle Swarm Optimization with Self adjusting Cognitive Selection Strategy, International Journal of Innovative Computing, Information and Control (IJICIC), Vol.4, No.4, 943-952. [18] Ziyu, T., & Dingxue, Z. (2009). A modified particle swarm optimization with adaptive acceleration coefficients. In Proceedings of the IEEE international conference on information processing (pp. 330–332). Washington DC: IEEE Computer Society. [19] Lutz Prechelt, ―A set of Neural Network Benchmark Problems and Benchmarking rules‖, technical report, September 30, 1994. [20] Yann Le Cun, John S. Denker & Sara A. Solla, Optimal Brain Damage. In [22] pages 598-605, 1990. [21] G.E.P. Box and G.M. Jenkins (1970), Time Series Analysis, Forecasting and Control, Holden Day, San Francisco. [22] Suhail M. Odeh and Manal Khalil, ―Off-line signature verification and recognition: Neural Network Approach,‖ 2011 IEEE. [23] Maya V. Karki, K. Indira, Dr. S. Sethu Selvi, ‖Off-Line Signature Recognition and Verification using Neural Network‖,2007 IEEE. [24] Milton Roberto Heinen and Fernando Santos Osorio ―Handwritten Signature Authentication using Artificial Neural Networks‖, Member, 2006IEEE. [25] Priyanka Narkhede, Prof. V.R. Ingale ―Performance Comparison of ANN Techniques involved in Offline Signature Recognition on the basis of Morphological and Global Features‖, Quality Up-Gradation in Engineering Science & Technology, BDCE 2014, ISSN: 978-81-923623-1-1, International Journal of Research in Engineering & Technology (IJRET).