SlideShare a Scribd company logo
1 of 5
Download to read offline
Volume 3, Issue 3, March 2013                          ISSN: 2277 128X
                        International Journal of Advanced Research in
                         Computer Science and Software Engineering
                                                        Research Paper
                                            Available online at: www.ijarcsse.com
   Training Artificial Neural Network using Particle Swarm
                    Optimization Algorithm
                Argha Roy *                            Diptam Dutta                       Kaustav Choudhury
                Dept. of CSE                            Dept. of CSE                           Dept. of CSE
     Netaji Subhash Engineering College       Heritage Institute of Technology       Heritage Institute of Technology
             West Bengal, India.                    West Bengal, India.                    West Bengal, India.

 Abstract - In this paper, the adaptation of network weights using Particle Swarm Optimization (PSO) was proposed as
a mechanism to improve the performance of Artificial Neural Network (ANN) in classification of IRIS dataset.
Classification is a machine learning technique used to predict group membership for data instances. To simplify the
problem of classification neural networks are being introduced. This paper focuses on IRIS plant classification using
Neural Network. The problem concerns the identification of IRIS plant species on the basis of plant attribute
measurements. Classification of IRIS data set would be discovering patterns from examining petal and sepal size of
the IRIS plant and how the prediction was made from analyzing the pattern to form the class of IRIS plant. By using
this pattern and classification, in future upcoming years the unknown data can be predicted more precisely. Artificial
neural networks have been successfully applied to problems in pattern classification, function approximations,
optimization, and associative memories. In this work, Multilayer feed- forward networks are trained using back
propagation learning algorithm.

Keywords - Artificial neural network, particle swarm optimization, machine learning, back-propagation, IRIS.

                                                     I.      INTRODUCTION
We view particle swarm optimization as a mid-level form of A-life or biologically derived algorithm, occupying the
space in nature between evolutionary searches, which requires neural processing, which occurs on the order of
milliseconds. Social optimization occurs in the time frame of ordinary experience - in fact, it is ordinary experience. In
addition to its ties with A-life, particle swarm optimization has obvious ties with evolutionary computation. Conceptually,
it seems to lie somewhere between genetic algorithms and evolutionary programming. Here we describe the use of back
propagation neural networks (BPNN) towards the identification of iris plants on the basis of the following measurements:
sepal length, sepal width, petal length, and petal width. There is a comparison of the fitness of neural networks with input
data normalized by column, row, sigmoid, and column constrained sigmoid normalization. Also contained within the
paper is an analysis of the performance results of back propagation neural networks with various numbers of hidden layer
neurons, and differing number of cycles (epochs). The analysis of the performance of the neural networks is based on
several criteria: incorrectly identified plants by training set (recall) and testing set (accuracy), specific error within
incorrectly identified plants, overall data set error as tested, and class identification precision.

                                                II.   LITERATURE REVIEW
The most widely used method of training for feed-forward ANNs is back-propagation (BP) algorithm [10]. Feed-forward
ANNs are commonly used for function approximation and pattern classifications. Back-propagation algorithm and its
variations such as QuickProp [11] and RProp [12] are likely to reach local minima especially in case that the error
surface is rugged. In addition, the efficiency of BP methods depends on the selection of appropriate learning parameters.
The other training methods for feed-forward ANNs include those that are based on evolutionary computation and
heuristic principles such as Genetic Algorithm (GA), and PSO.

A. Artificial Intelligence :
A precise definition of intelligence is unavailable. It is probably explained best by discussing some of the aspects. In
general, intelligence has something to do with the process of knowledge and thinking, also called cognition. These
mental processes are needed for, i.e., solving a mathematical problem or playing a game of chess. One needs to possess a
certain intelligence to be able to do these tasks. Not only the deliberate thought processes are part of cognition, also the
unconscious processes like perceiving and recognizing an object belong to it.

B. Particle swarm optimization (PSO):
Particle swarm optimization (PSO) [1] [2] is a stochastically global optimization method that belongs to the family of
Swarm Intelligence and Artificial Life. Similar to artificial neural network (ANN) and Genetic Algorithms (GA) [7][8]
© 2013, IJARCSSE All Rights Reserved                                                                          Page | 430
Roy et al., International Journal of Advanced Research in Computer Science and Software Engineering 3(3),
                                                                                               March - 2013, pp. 430-434
which is the simplified models of the neural system & the natural selections of the evolutionary theory, PSO is based on
the principles that flock of birds, school of fish, or swarm of bee’s searches for food sources where at the beginning the
perfect location is not known. However, they eventually they reach the best location of food source by means of
communicating with each other.

C. Artificial Neural Network (ANN):
An Artificial Neural Network, often just called a neural network, is a mathematical model inspired by biological neural
networks. A neural network consists of an interconnected group of artificial neurons, and it processes information using a
connectionist approach to computation. In most cases a neural network is an adaptive system that changes its structure
during a learning phase. Neural networks are used to model complex relationships between inputs and outputs or to find
patterns in data.
                                   III.      PSO-BACK PROPAGATION (BP) ALGORITHM
The PSO–BP is an optimization algorithm combining the PSO with the BP. Similar to the GA, the PSO algorithm is a
global algorithm, which has a strong ability to find global optimistic result, this PSO algorithm, The BP algorithm, on the
contrary, has a strong ability to find local optimistic result, but its ability to find the global optimistic result is weak. By
combining the PSO with the BP, The fundamental idea for this hybrid algorithm is that at the beginning stage of
searching for the optimum, the PSO is employed to accelerate the training speed. When the fitness function value has not
changed for some generations, or value changed is smaller than a predefined number, the searching process is switched to
gradient descending searching according to this heuristic knowledge. Similar to the APSO algorithm [7], the PSO–BP
algorithm’s searching process is also started from initializing a group of random particles. First, all the particles are
updated according to the Equations. Until a new generation set of particles are generated, and then those new particles
are used to search the global best position in the solution space. Finally the BP algorithm is used to search around the
global optimum. In this way, this hybrid algorithm may find an optimum more quickly.

A. Pseudo Code for the Algorithm:

   For each particle
   Initialize particle
 END
 DO
     For each particle
          Calculate fitness value
          If the fitness value is better than the best fitness value (pbest) in history
          Set current value as the new pbest
 End
     Choose the particle with the best fitness value of all the particles as gbest
     For each particle
          Calculate particle velocity according equation (a)
          Update particle position according equation (b)
     End
 While maximum iterations or minimum error criteria is not attained

B. Flow Chart:




© 2013, IJARCSSE All Rights Reserved                                                                              Page | 431
Roy et al., International Journal of Advanced Research in Computer Science and Software Engineering 3(3),
                                                                                                   March - 2013, pp. 430-434
                                                   IV. PROPOSED WORK
The proposed optimization algorithm combines the PSO with the back-propagation (BP). Similar to the GA, the PSO
algorithm is a global algorithm, which has a strong ability to find global optimistic result, this PSO algorithm, The BP
algorithm, on the contrary, has a strong ability to find local optimistic result, but its ability to find the global optimistic
result is weak. By combining the PSO with the BP, The fundamental idea for this hybrid algorithm is that at the
beginning stage of searching for the optimum, the PSO is employed to accelerate the training speed. When the fitness
function value has not changed for some generations, or value changed is smaller than a predefined number, the
searching process is switched to gradient descending searching according to this heuristic knowledge. The algorithm’s
searching process is also started from initializing a group of random particles. First, all the particles are updated
according to the Equations. Until a new generation set of particles are generated, and then those new particles are used to
search the global best position in the solution space. Finally the BP algorithm is used to search around the global
optimum. In this way, this hybrid algorithm may find an optimum more quickly.




                                 Fig 1: Proposed two layered feed forward neural network structure

                                            V. RESULTS AND DISCUSSIONS
Different ranges of values are taken for x and y. for some specific ranges of x and y, we are analyzing different runs over
each iterations. And by using MATLAB, we can easily find the difference between the particles. It is the language for
technical computing. MATLAB is the easiest language for solving mathematical equations or these type of functions as
compared to C programming, by which we can easily implement different functions. MATLAB is very time consuming.
The fittest network architecture identified used column normalization, 54 cycles, 1 hidden layer with 6 hidden layer
neurons, a step width of 0.15, a maximum non-propagated error of 0.1, and a value of 1 for the number of update steps.
We analyze the data using specific value given in IRIS dataset (sample provided 5 dataset shown)

                         X1                5.1              4.9              4.7              4.6           5
                          X2               3.5                3              3.2              3.1         3.6
                          X3               1.4              1.4              1.3              1.5         1.4
                          X4               0.2              0.2              0.2              0.2         0.2
                                                   Table 1: Sample IRIS Dataset
To get the output in a binary pattern we need to normalize the output value.

                            H1
                                                                                                     Fi=100
                            H2

                            H3
                                                                      Fig 2: Process Normalization

© 2013, IJARCSSE All Rights Reserved                                                                             Page | 432
Roy et al., International Journal of Advanced Research in Computer Science and Software Engineering 3(3),
                                                                                      March - 2013, pp. 430-434
A. Output: Fi-Xai
                Where,
                Fi= final weighted average
                Xai (threshold function) = 0.5 (defined)
   Now if,
                Output =1,        (Fi-Xai) >= 0
                          =0,     (Fi-Xai) < 0

Thus the final output result takes the shape of

                          Setosa                                                       010
                          Versicolor                                                   100
                          Virginnica                                                   001

                                                      Table2: Output Pattern
B. Weight calculation:
The Constant factor here taken as C1 =1, to calculate [6] [10] the weighted average value: H[i] = Hij *X[i]
Where,
        0<=i<=150
        0<=j<=5
F[i] = Wij * H[j]
Where,
        0<=i<=150
        0<=j<=5


C. Classification performance:
As shown in this plot at the Epoch 46 the validation performance returns less Mean square Error. Mean square error is
the average square between output & target. The projected result for 54 Epoch we get the test data matrix with the
accuracy rate of classified pattern of 97.3%
                                                  Fig 3: Plot of error per iteration




                                                   VI. CONCLUSION
Particle swarm optimization is an extremely simple algorithm that seems to be effective for optimizing a wide range of
functions. The adjustment pi toward and pg by the particle swarm optimizer is conceptually similar to the crossover
operation utilized by genetic algorithms. It uses the concept of fitness, as do all evolutionary computation paradigms.
Unique to the concept of particle swarm optimization is flying potential solutions through hyperspace, accelerating
toward "better" solutions. In this simulation, we demonstrated the efficiency that this method possesses. Lastly, this
method can be employed in training in various ANNs with different topologies.

© 2013, IJARCSSE All Rights Reserved                                                                          Page | 433
Roy et al., International Journal of Advanced Research in Computer Science and Software Engineering 3(3),
                                                                                       March - 2013, pp. 430-434
REFERENCES
[1]  Kennedy, J.; Eberhart, R. (1995). "Particle Swarm Optimization". Proceedings of IEEE International Conference
     on Neural Networks.
[2]  Kennedy, J.; Eberhart, R.C. (2001). Swarm Intelligence. Morgan Kaufmann.
[3]  Poli, R. (2008). "Analysis of the publications on the applications of particle swarm optimisation". Journal of
     Artificial Evolution and Applications 2008.
[4]  Shi, Y.; Eberhart, R.C. (1998). "Parameter selection in particle swarm optimization". Proceedings of Evolutionary
     Programming.
[5]  Pedersen, M.E.H. (2010). "Good parameters for particle swarm optimization".
[6]  Trelea, I.C. (2003). "The Particle Swarm Optimization Algorithm: convergence analysis and parameter selection".
     Information Processing Letters.
[7]  Zhang, G.P., 2000. Neural networks for classification: a survey. IEEE Transactions on Systems Man and
     Cybernetics.
[8]  Rudolph, G., 1997. Local convergence rates of simple evolutionary algorithms with cauchy mutations.
[9]  Liu, H.B., Tang, Y.Y., Meng, J., Ji, Y., 2004. Neural networks learning using vbest model particle swarm
     optimization.
[10] HechtNelso R., 1989, back propagation neural network
[11] Scott E. Fahlman: An Empirical Study of Learning Speed in Back-Propagation Networks, September 1988
[12] Rprop – Description and Implementation Details Martin Riedmiller, 1994. Technical report




© 2013, IJARCSSE All Rights Reserved                                                                     Page | 434

More Related Content

What's hot

Model of Differential Equation for Genetic Algorithm with Neural Network (GAN...
Model of Differential Equation for Genetic Algorithm with Neural Network (GAN...Model of Differential Equation for Genetic Algorithm with Neural Network (GAN...
Model of Differential Equation for Genetic Algorithm with Neural Network (GAN...Sarvesh Kumar
 
NeuroPG - Open source software for optical pattern generation and data acquis...
NeuroPG - Open source software for optical pattern generation and data acquis...NeuroPG - Open source software for optical pattern generation and data acquis...
NeuroPG - Open source software for optical pattern generation and data acquis...Daniel Murphy
 
Neural Network Applications In Machining: A Review
Neural Network Applications In Machining: A ReviewNeural Network Applications In Machining: A Review
Neural Network Applications In Machining: A ReviewAshish Khetan
 
A framework for approaches to transfer of mind substrate
A framework for approaches to transfer of mind substrateA framework for approaches to transfer of mind substrate
A framework for approaches to transfer of mind substrateKarlos Svoboda
 
EEG Classification using Semi Supervised Learning
EEG Classification using Semi Supervised LearningEEG Classification using Semi Supervised Learning
EEG Classification using Semi Supervised Learningijtsrd
 
0 eeg based 3 d visual fatigue evaluation using cnn
0 eeg based 3 d visual fatigue evaluation using cnn0 eeg based 3 d visual fatigue evaluation using cnn
0 eeg based 3 d visual fatigue evaluation using cnnHoopeer Hoopeer
 
Comparison of hybrid pso sa algorithm and genetic algorithm for classification
Comparison of hybrid pso sa algorithm and genetic algorithm for classificationComparison of hybrid pso sa algorithm and genetic algorithm for classification
Comparison of hybrid pso sa algorithm and genetic algorithm for classificationAlexander Decker
 
Segmentation
SegmentationSegmentation
SegmentationKavitha A
 
Improved target recognition response using collaborative brain-computer inter...
Improved target recognition response using collaborative brain-computer inter...Improved target recognition response using collaborative brain-computer inter...
Improved target recognition response using collaborative brain-computer inter...Kyongsik Yun
 
11.comparison of hybrid pso sa algorithm and genetic algorithm for classifica...
11.comparison of hybrid pso sa algorithm and genetic algorithm for classifica...11.comparison of hybrid pso sa algorithm and genetic algorithm for classifica...
11.comparison of hybrid pso sa algorithm and genetic algorithm for classifica...Alexander Decker
 
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
 
K-NN Classification of Brain Dominance
K-NN Classification of Brain Dominance  K-NN Classification of Brain Dominance
K-NN Classification of Brain Dominance IJECEIAES
 
Feature Extraction and Classification of NIRS Data
Feature Extraction and Classification of NIRS DataFeature Extraction and Classification of NIRS Data
Feature Extraction and Classification of NIRS DataPritam Mondal
 
Analysis of EEG data Using ICA and Algorithm Development for Energy Comparison
Analysis of EEG data Using ICA and Algorithm Development for Energy ComparisonAnalysis of EEG data Using ICA and Algorithm Development for Energy Comparison
Analysis of EEG data Using ICA and Algorithm Development for Energy Comparisonijsrd.com
 
19 3 sep17 21may 6657 t269 revised (edit ndit)
19 3 sep17 21may 6657 t269 revised (edit ndit)19 3 sep17 21may 6657 t269 revised (edit ndit)
19 3 sep17 21may 6657 t269 revised (edit ndit)IAESIJEECS
 
IRJET- Analysis of Autism Spectrum Disorder using Deep Learning and the Abide...
IRJET- Analysis of Autism Spectrum Disorder using Deep Learning and the Abide...IRJET- Analysis of Autism Spectrum Disorder using Deep Learning and the Abide...
IRJET- Analysis of Autism Spectrum Disorder using Deep Learning and the Abide...IRJET Journal
 
Artifical neural networks
Artifical neural networksArtifical neural networks
Artifical neural networksalldesign
 
Open science resources for `Big Data' Analyses of the human connectome
Open science resources for `Big Data' Analyses of the human connectomeOpen science resources for `Big Data' Analyses of the human connectome
Open science resources for `Big Data' Analyses of the human connectomeCameron Craddock
 

What's hot (19)

Model of Differential Equation for Genetic Algorithm with Neural Network (GAN...
Model of Differential Equation for Genetic Algorithm with Neural Network (GAN...Model of Differential Equation for Genetic Algorithm with Neural Network (GAN...
Model of Differential Equation for Genetic Algorithm with Neural Network (GAN...
 
NeuroPG - Open source software for optical pattern generation and data acquis...
NeuroPG - Open source software for optical pattern generation and data acquis...NeuroPG - Open source software for optical pattern generation and data acquis...
NeuroPG - Open source software for optical pattern generation and data acquis...
 
Neural Network Applications In Machining: A Review
Neural Network Applications In Machining: A ReviewNeural Network Applications In Machining: A Review
Neural Network Applications In Machining: A Review
 
A framework for approaches to transfer of mind substrate
A framework for approaches to transfer of mind substrateA framework for approaches to transfer of mind substrate
A framework for approaches to transfer of mind substrate
 
EEG Classification using Semi Supervised Learning
EEG Classification using Semi Supervised LearningEEG Classification using Semi Supervised Learning
EEG Classification using Semi Supervised Learning
 
0 eeg based 3 d visual fatigue evaluation using cnn
0 eeg based 3 d visual fatigue evaluation using cnn0 eeg based 3 d visual fatigue evaluation using cnn
0 eeg based 3 d visual fatigue evaluation using cnn
 
Comparison of hybrid pso sa algorithm and genetic algorithm for classification
Comparison of hybrid pso sa algorithm and genetic algorithm for classificationComparison of hybrid pso sa algorithm and genetic algorithm for classification
Comparison of hybrid pso sa algorithm and genetic algorithm for classification
 
Segmentation
SegmentationSegmentation
Segmentation
 
Improved target recognition response using collaborative brain-computer inter...
Improved target recognition response using collaborative brain-computer inter...Improved target recognition response using collaborative brain-computer inter...
Improved target recognition response using collaborative brain-computer inter...
 
11.comparison of hybrid pso sa algorithm and genetic algorithm for classifica...
11.comparison of hybrid pso sa algorithm and genetic algorithm for classifica...11.comparison of hybrid pso sa algorithm and genetic algorithm for classifica...
11.comparison of hybrid pso sa algorithm and genetic algorithm for classifica...
 
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...
 
K-NN Classification of Brain Dominance
K-NN Classification of Brain Dominance  K-NN Classification of Brain Dominance
K-NN Classification of Brain Dominance
 
Feature Extraction and Classification of NIRS Data
Feature Extraction and Classification of NIRS DataFeature Extraction and Classification of NIRS Data
Feature Extraction and Classification of NIRS Data
 
Analysis of EEG data Using ICA and Algorithm Development for Energy Comparison
Analysis of EEG data Using ICA and Algorithm Development for Energy ComparisonAnalysis of EEG data Using ICA and Algorithm Development for Energy Comparison
Analysis of EEG data Using ICA and Algorithm Development for Energy Comparison
 
19 3 sep17 21may 6657 t269 revised (edit ndit)
19 3 sep17 21may 6657 t269 revised (edit ndit)19 3 sep17 21may 6657 t269 revised (edit ndit)
19 3 sep17 21may 6657 t269 revised (edit ndit)
 
IRJET- Analysis of Autism Spectrum Disorder using Deep Learning and the Abide...
IRJET- Analysis of Autism Spectrum Disorder using Deep Learning and the Abide...IRJET- Analysis of Autism Spectrum Disorder using Deep Learning and the Abide...
IRJET- Analysis of Autism Spectrum Disorder using Deep Learning and the Abide...
 
Artifical neural networks
Artifical neural networksArtifical neural networks
Artifical neural networks
 
B42010712
B42010712B42010712
B42010712
 
Open science resources for `Big Data' Analyses of the human connectome
Open science resources for `Big Data' Analyses of the human connectomeOpen science resources for `Big Data' Analyses of the human connectome
Open science resources for `Big Data' Analyses of the human connectome
 

Similar to Training artificial neural network using particle swarm optimization algorithm

Classification Of Iris Plant Using Feedforward Neural Network
Classification Of Iris Plant Using Feedforward Neural NetworkClassification Of Iris Plant Using Feedforward Neural Network
Classification Of Iris Plant Using Feedforward Neural Networkirjes
 
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
 
Pattern Recognition using Artificial Neural Network
Pattern Recognition using Artificial Neural NetworkPattern Recognition using Artificial Neural Network
Pattern Recognition using Artificial Neural NetworkEditor IJCATR
 
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
 
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
 
Review on classification based on artificial
Review on classification based on artificialReview on classification based on artificial
Review on classification based on artificialijasa
 
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
 
An Approach for IRIS Plant Classification Using Neural Network
An Approach for IRIS Plant Classification Using Neural Network  An Approach for IRIS Plant Classification Using Neural Network
An Approach for IRIS Plant Classification Using Neural Network ijsc
 
AN APPROACH FOR IRIS PLANT CLASSIFICATION USING NEURAL NETWORK
AN APPROACH FOR IRIS PLANT CLASSIFICATION USING NEURAL NETWORKAN APPROACH FOR IRIS PLANT CLASSIFICATION USING NEURAL NETWORK
AN APPROACH FOR IRIS PLANT CLASSIFICATION USING NEURAL NETWORKijsc
 
Genome structure prediction a review over soft computing techniques
Genome structure prediction a review over soft computing techniquesGenome structure prediction a review over soft computing techniques
Genome structure prediction a review over soft computing techniqueseSAT Journals
 
Predictive Data Mining with Normalized Adaptive Training Method for Neural Ne...
Predictive Data Mining with Normalized Adaptive Training Method for Neural Ne...Predictive Data Mining with Normalized Adaptive Training Method for Neural Ne...
Predictive Data Mining with Normalized Adaptive Training Method for Neural Ne...IJERDJOURNAL
 
Analytical Review on the Correlation between Ai and Neuroscience
Analytical Review on the Correlation between Ai and NeuroscienceAnalytical Review on the Correlation between Ai and Neuroscience
Analytical Review on the Correlation between Ai and NeuroscienceIOSR Journals
 
CI_GA_module2_ABC_updatedG.ppt .
CI_GA_module2_ABC_updatedG.ppt           .CI_GA_module2_ABC_updatedG.ppt           .
CI_GA_module2_ABC_updatedG.ppt .Athar739197
 
(2016)application of parallel glowworm swarm optimization algorithm for data ...
(2016)application of parallel glowworm swarm optimization algorithm for data ...(2016)application of parallel glowworm swarm optimization algorithm for data ...
(2016)application of parallel glowworm swarm optimization algorithm for data ...Akram Pasha
 
Aspect oriented a candidate for neural networks and evolvable software
Aspect oriented a candidate for neural networks and evolvable softwareAspect oriented a candidate for neural networks and evolvable software
Aspect oriented a candidate for neural networks and evolvable softwareLinchuan Wang
 
Classifier Model using Artificial Neural Network
Classifier Model using Artificial Neural NetworkClassifier Model using Artificial Neural Network
Classifier Model using Artificial Neural NetworkAI Publications
 
AN EFFICIENT PSO BASED ENSEMBLE CLASSIFICATION MODEL ON HIGH DIMENSIONAL DATA...
AN EFFICIENT PSO BASED ENSEMBLE CLASSIFICATION MODEL ON HIGH DIMENSIONAL DATA...AN EFFICIENT PSO BASED ENSEMBLE CLASSIFICATION MODEL ON HIGH DIMENSIONAL DATA...
AN EFFICIENT PSO BASED ENSEMBLE CLASSIFICATION MODEL ON HIGH DIMENSIONAL DATA...ijsc
 

Similar to Training artificial neural network using particle swarm optimization algorithm (20)

Classification Of Iris Plant Using Feedforward Neural Network
Classification Of Iris Plant Using Feedforward Neural NetworkClassification Of Iris Plant Using Feedforward Neural Network
Classification Of Iris Plant Using Feedforward Neural Network
 
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...
 
Pattern Recognition using Artificial Neural Network
Pattern Recognition using Artificial Neural NetworkPattern Recognition using Artificial Neural Network
Pattern Recognition using Artificial Neural Network
 
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
 
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
 
Review on classification based on artificial
Review on classification based on artificialReview on classification based on artificial
Review on classification based on artificial
 
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
 
An Approach for IRIS Plant Classification Using Neural Network
An Approach for IRIS Plant Classification Using Neural Network  An Approach for IRIS Plant Classification Using Neural Network
An Approach for IRIS Plant Classification Using Neural Network
 
AN APPROACH FOR IRIS PLANT CLASSIFICATION USING NEURAL NETWORK
AN APPROACH FOR IRIS PLANT CLASSIFICATION USING NEURAL NETWORKAN APPROACH FOR IRIS PLANT CLASSIFICATION USING NEURAL NETWORK
AN APPROACH FOR IRIS PLANT CLASSIFICATION USING NEURAL NETWORK
 
Genome structure prediction a review over soft computing techniques
Genome structure prediction a review over soft computing techniquesGenome structure prediction a review over soft computing techniques
Genome structure prediction a review over soft computing techniques
 
Predictive Data Mining with Normalized Adaptive Training Method for Neural Ne...
Predictive Data Mining with Normalized Adaptive Training Method for Neural Ne...Predictive Data Mining with Normalized Adaptive Training Method for Neural Ne...
Predictive Data Mining with Normalized Adaptive Training Method for Neural Ne...
 
Analytical Review on the Correlation between Ai and Neuroscience
Analytical Review on the Correlation between Ai and NeuroscienceAnalytical Review on the Correlation between Ai and Neuroscience
Analytical Review on the Correlation between Ai and Neuroscience
 
woot2
woot2woot2
woot2
 
CI_GA_module2_ABC_updatedG.ppt .
CI_GA_module2_ABC_updatedG.ppt           .CI_GA_module2_ABC_updatedG.ppt           .
CI_GA_module2_ABC_updatedG.ppt .
 
(2016)application of parallel glowworm swarm optimization algorithm for data ...
(2016)application of parallel glowworm swarm optimization algorithm for data ...(2016)application of parallel glowworm swarm optimization algorithm for data ...
(2016)application of parallel glowworm swarm optimization algorithm for data ...
 
A04401001013
A04401001013A04401001013
A04401001013
 
Aspect oriented a candidate for neural networks and evolvable software
Aspect oriented a candidate for neural networks and evolvable softwareAspect oriented a candidate for neural networks and evolvable software
Aspect oriented a candidate for neural networks and evolvable software
 
Classifier Model using Artificial Neural Network
Classifier Model using Artificial Neural NetworkClassifier Model using Artificial Neural Network
Classifier Model using Artificial Neural Network
 
AN EFFICIENT PSO BASED ENSEMBLE CLASSIFICATION MODEL ON HIGH DIMENSIONAL DATA...
AN EFFICIENT PSO BASED ENSEMBLE CLASSIFICATION MODEL ON HIGH DIMENSIONAL DATA...AN EFFICIENT PSO BASED ENSEMBLE CLASSIFICATION MODEL ON HIGH DIMENSIONAL DATA...
AN EFFICIENT PSO BASED ENSEMBLE CLASSIFICATION MODEL ON HIGH DIMENSIONAL DATA...
 

Recently uploaded

IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsEnterprise Knowledge
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking MenDelhi Call girls
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slidespraypatel2
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerThousandEyes
 
Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Enterprise Knowledge
 
Breaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountBreaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountPuma Security, LLC
 
2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...Martijn de Jong
 
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptxHampshireHUG
 
CNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of ServiceCNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of Servicegiselly40
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfEnterprise Knowledge
 
Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreternaman860154
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonetsnaman860154
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Miguel Araújo
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Igalia
 
Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)wesley chun
 
What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?Antenna Manufacturer Coco
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsMaria Levchenko
 
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...apidays
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfsudhanshuwaghmare1
 
08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking MenDelhi Call girls
 

Recently uploaded (20)

IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI Solutions
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slides
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...
 
Breaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountBreaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path Mount
 
2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...
 
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
 
CNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of ServiceCNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of Service
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
 
Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreter
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonets
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
 
Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)
 
What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed texts
 
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdf
 
08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men
 

Training artificial neural network using particle swarm optimization algorithm

  • 1. Volume 3, Issue 3, March 2013 ISSN: 2277 128X International Journal of Advanced Research in Computer Science and Software Engineering Research Paper Available online at: www.ijarcsse.com Training Artificial Neural Network using Particle Swarm Optimization Algorithm Argha Roy * Diptam Dutta Kaustav Choudhury Dept. of CSE Dept. of CSE Dept. of CSE Netaji Subhash Engineering College Heritage Institute of Technology Heritage Institute of Technology West Bengal, India. West Bengal, India. West Bengal, India. Abstract - In this paper, the adaptation of network weights using Particle Swarm Optimization (PSO) was proposed as a mechanism to improve the performance of Artificial Neural Network (ANN) in classification of IRIS dataset. Classification is a machine learning technique used to predict group membership for data instances. To simplify the problem of classification neural networks are being introduced. This paper focuses on IRIS plant classification using Neural Network. The problem concerns the identification of IRIS plant species on the basis of plant attribute measurements. Classification of IRIS data set would be discovering patterns from examining petal and sepal size of the IRIS plant and how the prediction was made from analyzing the pattern to form the class of IRIS plant. By using this pattern and classification, in future upcoming years the unknown data can be predicted more precisely. Artificial neural networks have been successfully applied to problems in pattern classification, function approximations, optimization, and associative memories. In this work, Multilayer feed- forward networks are trained using back propagation learning algorithm. Keywords - Artificial neural network, particle swarm optimization, machine learning, back-propagation, IRIS. I. INTRODUCTION We view particle swarm optimization as a mid-level form of A-life or biologically derived algorithm, occupying the space in nature between evolutionary searches, which requires neural processing, which occurs on the order of milliseconds. Social optimization occurs in the time frame of ordinary experience - in fact, it is ordinary experience. In addition to its ties with A-life, particle swarm optimization has obvious ties with evolutionary computation. Conceptually, it seems to lie somewhere between genetic algorithms and evolutionary programming. Here we describe the use of back propagation neural networks (BPNN) towards the identification of iris plants on the basis of the following measurements: sepal length, sepal width, petal length, and petal width. There is a comparison of the fitness of neural networks with input data normalized by column, row, sigmoid, and column constrained sigmoid normalization. Also contained within the paper is an analysis of the performance results of back propagation neural networks with various numbers of hidden layer neurons, and differing number of cycles (epochs). The analysis of the performance of the neural networks is based on several criteria: incorrectly identified plants by training set (recall) and testing set (accuracy), specific error within incorrectly identified plants, overall data set error as tested, and class identification precision. II. LITERATURE REVIEW The most widely used method of training for feed-forward ANNs is back-propagation (BP) algorithm [10]. Feed-forward ANNs are commonly used for function approximation and pattern classifications. Back-propagation algorithm and its variations such as QuickProp [11] and RProp [12] are likely to reach local minima especially in case that the error surface is rugged. In addition, the efficiency of BP methods depends on the selection of appropriate learning parameters. The other training methods for feed-forward ANNs include those that are based on evolutionary computation and heuristic principles such as Genetic Algorithm (GA), and PSO. A. Artificial Intelligence : A precise definition of intelligence is unavailable. It is probably explained best by discussing some of the aspects. In general, intelligence has something to do with the process of knowledge and thinking, also called cognition. These mental processes are needed for, i.e., solving a mathematical problem or playing a game of chess. One needs to possess a certain intelligence to be able to do these tasks. Not only the deliberate thought processes are part of cognition, also the unconscious processes like perceiving and recognizing an object belong to it. B. Particle swarm optimization (PSO): Particle swarm optimization (PSO) [1] [2] is a stochastically global optimization method that belongs to the family of Swarm Intelligence and Artificial Life. Similar to artificial neural network (ANN) and Genetic Algorithms (GA) [7][8] © 2013, IJARCSSE All Rights Reserved Page | 430
  • 2. Roy et al., International Journal of Advanced Research in Computer Science and Software Engineering 3(3), March - 2013, pp. 430-434 which is the simplified models of the neural system & the natural selections of the evolutionary theory, PSO is based on the principles that flock of birds, school of fish, or swarm of bee’s searches for food sources where at the beginning the perfect location is not known. However, they eventually they reach the best location of food source by means of communicating with each other. C. Artificial Neural Network (ANN): An Artificial Neural Network, often just called a neural network, is a mathematical model inspired by biological neural networks. A neural network consists of an interconnected group of artificial neurons, and it processes information using a connectionist approach to computation. In most cases a neural network is an adaptive system that changes its structure during a learning phase. Neural networks are used to model complex relationships between inputs and outputs or to find patterns in data. III. PSO-BACK PROPAGATION (BP) ALGORITHM The PSO–BP is an optimization algorithm combining the PSO with the BP. Similar to the GA, the PSO algorithm is a global algorithm, which has a strong ability to find global optimistic result, this PSO algorithm, The BP algorithm, on the contrary, has a strong ability to find local optimistic result, but its ability to find the global optimistic result is weak. By combining the PSO with the BP, The fundamental idea for this hybrid algorithm is that at the beginning stage of searching for the optimum, the PSO is employed to accelerate the training speed. When the fitness function value has not changed for some generations, or value changed is smaller than a predefined number, the searching process is switched to gradient descending searching according to this heuristic knowledge. Similar to the APSO algorithm [7], the PSO–BP algorithm’s searching process is also started from initializing a group of random particles. First, all the particles are updated according to the Equations. Until a new generation set of particles are generated, and then those new particles are used to search the global best position in the solution space. Finally the BP algorithm is used to search around the global optimum. In this way, this hybrid algorithm may find an optimum more quickly. A. Pseudo Code for the Algorithm: For each particle Initialize particle END DO For each particle Calculate fitness value If the fitness value is better than the best fitness value (pbest) in history Set current value as the new pbest End Choose the particle with the best fitness value of all the particles as gbest For each particle Calculate particle velocity according equation (a) Update particle position according equation (b) End While maximum iterations or minimum error criteria is not attained B. Flow Chart: © 2013, IJARCSSE All Rights Reserved Page | 431
  • 3. Roy et al., International Journal of Advanced Research in Computer Science and Software Engineering 3(3), March - 2013, pp. 430-434 IV. PROPOSED WORK The proposed optimization algorithm combines the PSO with the back-propagation (BP). Similar to the GA, the PSO algorithm is a global algorithm, which has a strong ability to find global optimistic result, this PSO algorithm, The BP algorithm, on the contrary, has a strong ability to find local optimistic result, but its ability to find the global optimistic result is weak. By combining the PSO with the BP, The fundamental idea for this hybrid algorithm is that at the beginning stage of searching for the optimum, the PSO is employed to accelerate the training speed. When the fitness function value has not changed for some generations, or value changed is smaller than a predefined number, the searching process is switched to gradient descending searching according to this heuristic knowledge. The algorithm’s searching process is also started from initializing a group of random particles. First, all the particles are updated according to the Equations. Until a new generation set of particles are generated, and then those new particles are used to search the global best position in the solution space. Finally the BP algorithm is used to search around the global optimum. In this way, this hybrid algorithm may find an optimum more quickly. Fig 1: Proposed two layered feed forward neural network structure V. RESULTS AND DISCUSSIONS Different ranges of values are taken for x and y. for some specific ranges of x and y, we are analyzing different runs over each iterations. And by using MATLAB, we can easily find the difference between the particles. It is the language for technical computing. MATLAB is the easiest language for solving mathematical equations or these type of functions as compared to C programming, by which we can easily implement different functions. MATLAB is very time consuming. The fittest network architecture identified used column normalization, 54 cycles, 1 hidden layer with 6 hidden layer neurons, a step width of 0.15, a maximum non-propagated error of 0.1, and a value of 1 for the number of update steps. We analyze the data using specific value given in IRIS dataset (sample provided 5 dataset shown) X1 5.1 4.9 4.7 4.6 5 X2 3.5 3 3.2 3.1 3.6 X3 1.4 1.4 1.3 1.5 1.4 X4 0.2 0.2 0.2 0.2 0.2 Table 1: Sample IRIS Dataset To get the output in a binary pattern we need to normalize the output value. H1 Fi=100 H2 H3 Fig 2: Process Normalization © 2013, IJARCSSE All Rights Reserved Page | 432
  • 4. Roy et al., International Journal of Advanced Research in Computer Science and Software Engineering 3(3), March - 2013, pp. 430-434 A. Output: Fi-Xai Where, Fi= final weighted average Xai (threshold function) = 0.5 (defined) Now if, Output =1, (Fi-Xai) >= 0 =0, (Fi-Xai) < 0 Thus the final output result takes the shape of Setosa 010 Versicolor 100 Virginnica 001 Table2: Output Pattern B. Weight calculation: The Constant factor here taken as C1 =1, to calculate [6] [10] the weighted average value: H[i] = Hij *X[i] Where, 0<=i<=150 0<=j<=5 F[i] = Wij * H[j] Where, 0<=i<=150 0<=j<=5 C. Classification performance: As shown in this plot at the Epoch 46 the validation performance returns less Mean square Error. Mean square error is the average square between output & target. The projected result for 54 Epoch we get the test data matrix with the accuracy rate of classified pattern of 97.3% Fig 3: Plot of error per iteration VI. CONCLUSION Particle swarm optimization is an extremely simple algorithm that seems to be effective for optimizing a wide range of functions. The adjustment pi toward and pg by the particle swarm optimizer is conceptually similar to the crossover operation utilized by genetic algorithms. It uses the concept of fitness, as do all evolutionary computation paradigms. Unique to the concept of particle swarm optimization is flying potential solutions through hyperspace, accelerating toward "better" solutions. In this simulation, we demonstrated the efficiency that this method possesses. Lastly, this method can be employed in training in various ANNs with different topologies. © 2013, IJARCSSE All Rights Reserved Page | 433
  • 5. Roy et al., International Journal of Advanced Research in Computer Science and Software Engineering 3(3), March - 2013, pp. 430-434 REFERENCES [1] Kennedy, J.; Eberhart, R. (1995). "Particle Swarm Optimization". Proceedings of IEEE International Conference on Neural Networks. [2] Kennedy, J.; Eberhart, R.C. (2001). Swarm Intelligence. Morgan Kaufmann. [3] Poli, R. (2008). "Analysis of the publications on the applications of particle swarm optimisation". Journal of Artificial Evolution and Applications 2008. [4] Shi, Y.; Eberhart, R.C. (1998). "Parameter selection in particle swarm optimization". Proceedings of Evolutionary Programming. [5] Pedersen, M.E.H. (2010). "Good parameters for particle swarm optimization". [6] Trelea, I.C. (2003). "The Particle Swarm Optimization Algorithm: convergence analysis and parameter selection". Information Processing Letters. [7] Zhang, G.P., 2000. Neural networks for classification: a survey. IEEE Transactions on Systems Man and Cybernetics. [8] Rudolph, G., 1997. Local convergence rates of simple evolutionary algorithms with cauchy mutations. [9] Liu, H.B., Tang, Y.Y., Meng, J., Ji, Y., 2004. Neural networks learning using vbest model particle swarm optimization. [10] HechtNelso R., 1989, back propagation neural network [11] Scott E. Fahlman: An Empirical Study of Learning Speed in Back-Propagation Networks, September 1988 [12] Rprop – Description and Implementation Details Martin Riedmiller, 1994. Technical report © 2013, IJARCSSE All Rights Reserved Page | 434