SlideShare uma empresa Scribd logo
1 de 6
Baixar para ler offline
Mabrouka AL-Shebany et al. Int. Journal of Engineering Research and Applications
ISSN : 2248-9622, Vol. 4, Issue 2( Version 1), February 2014, pp.07-12

RESEARCH ARTICLE

www.ijera.com

OPEN ACCESS

Artificial Neural Network : A Brief Overview
Magdi Zakaria, Mabrouka AL-Shebany, Shahenda Sarhan
Sirte University SIRTE, LIBYA

Abstract
Artificial Neural Network (ANN) is an information processing paradigm that is inspired by the way biological
nervous systems, such as the brain, process information. The key element of this paradigm is the novel structure
of the information processing system. Neural networks, have remarkable ability to derive meaning from
complicated or imprecise data, can be used to extract patterns and detect trends that are too complex to be
noticed by either humans or other computer techniques. A trained neural network can be thought of as an
"expert" in the category of information it has been given to analyze. This expert can then be used to provide
projections given new situations of interest and answer "what if" questions. so in this paper we tried to introduce
a brief overview of ANN to help researchers in their way throw ANN.

I.

Introduction

An Artificial Neural networks are very
powerful brain-inspired computational models.
Which have been employed in various areas such as
computing, medicine, engineering, economics, and
many others.An artificial neural network is based on
the optimization theory. An Artificial Neural
Network is a computational model inspired in the
functioning of the human brain. It is composed by a

set of artificial neurons (known as processing units)
that are interconnected with other neuron these
neurons depend on weights of the neural network. As
The word network in Neural Network refers to the
interconnection between neurons present in various
layers of a system. These weights represent the
connections between the neurons which determine
the impact of one neuron on another[1].

Fig. 1. Natural neuron
The first artificial neuron was firstly
proposed in a formal model in 1943 by McCulloch
and Pitts. They proved that this model of neuron was
able to perform any computable function using a
finite number of artificial neurons and synaptic
weights adjustable.
The neurons in the input layer receive the
data and transfer them to neurons in the first hidden
layer through the weighted links. Data are
mathematically processed and transferred the result
to the neurons in the next layer. The network’s output
is provided by the neurons in the last layer. The j-th
www.ijera.com

neuron in a hidden layer processes the incoming data
(xi) by: (i) calculating the weighted sum and adding a
“bias” term (θj) according to:
𝑚
𝑛𝑒𝑡 𝑗 = 𝑖=1 𝑥 𝑖 ∗ 𝑤 𝑖𝑗 + 𝜃𝑗
𝑗 = (1, 2, 3, 𝑛)
[2]
neural networks are capable of adaptation to given
data; neural networks are capable of generalization
even when the input data set contains noise or
missing values (trained network has the capability of
correctly filling the value without affecting the
prediction); neural networks act as an universal
approximation for an arbitrary continuous function
with arbitrary precision.
7|P age
Mabrouka AL-Shebany et al. Int. Journal of Engineering Research and Applications
ISSN : 2248-9622, Vol. 4, Issue 2( Version 1), February 2014, pp.07-12
ANN can be defined based on the following three
characteristics:
1. The Architecture indicating the number of layers
and the no. of nodes in each of the layers.
2. The learning mechanism applied for updating the
weights of the connections.
3. The activation functions used in various layers
[3].

www.ijera.com

 Neural network layers:
1. Dimensional layer (Single Layer Perceptron) is a
function of N real variables of the form
𝑁

𝑓 𝑥1 , … . . , 𝑥 𝑁 = 𝑠𝑔𝑛(

𝑤 𝑖 𝑥 𝑖 − 𝜃)
𝑖=1

Here xi are real variables, (x1, . . . , xN) takes
values in some domain U ⊂RN, wiare real
parameters(weights of the neuron), _ is the threshold
of activation of the neuron, the function sgm(x) = 1
for x ≥ 0 and is equal to zero for x < 0.

Fig. 2. An artificial neuron
We also consider the smoothed variant of
the above neuron for which instead of the function
sgm we use the smooth monotonous increasing
function sgm which varies from zero to unity. In
particular we consider the neuron of the form
𝑁

𝑓 𝑥1 , … . . , 𝑥 𝑁 = 𝑠𝑔𝑛

𝑤 𝑖 𝑥 𝑖 − 𝜃 , 𝑠𝑔𝑚 𝑥
𝑖=1

=

1
1 + 𝑒 −𝑥

2. Multi Layer Perceptron (MLP) : Multi-layer
consisting of three consecutive layers: an input, a
hidden, and an output layer. Every system is basically
a three layered system, which are Input layer, Hidden
Layer and Output Layer. The input layer has input
neurons which transfer data via synapses to the
hidden layer, and similarly the hidden layer transfers
this data to the output layer via more synapses. The
synapses stores values called weights which helps
them to manipulate the input and output to various
layers.

Fig.3. General structure of a neural network with two hidden layer

II.

Learning in ANN

There are three major learning paradigms;
supervised learning, unsupervised learning and
reinforcement learning. Usually they can be
employed by any given type of artificial neural
network architecture. Each learning paradigm has
many training algorithms.
www.ijera.com



Supervised learning
Supervised learning is a machine learning
technique that sets parameters of an artificial neural
network from training data. The task of the learning
artificial neural network is to set the value of its
parameters for any valid input value after having seen
output value. The training data consist of pairs of
8|P age
Mabrouka AL-Shebany et al. Int. Journal of Engineering Research and Applications
ISSN : 2248-9622, Vol. 4, Issue 2( Version 1), February 2014, pp.07-12
input and desired output values that are traditionally
represented in data vectors. Supervised learning can
also be referred as classification, where we have a
wide range of classifiers, each with its strengths and
weaknesses.
Choosing a suitable classifier (Multilayer
perceptron, Support Vector Machines, k-nearest
neighbor algorithm, Gaussian mixture model,
Gaussian, naive Bayes, decision tree, radial basis
function classifiers,…) for a given problem is
however still more an art than a science. In order to
solve a given problem of supervised learning various
steps has to be considered. In the first step we have to
determine the type of training examples[6][14]. In the
second step we need to gather a training data set that
satisfactory describe a given problem. In the third
step we need to describe gathered training data set in
form understandable to a chosen artificial neural
network. In the fourth step we do the learning and
after the learning we can test theperformance of
learned artificial neural network with the test
(validation) data set. Test data set consist of data that
has not been introduced to artificial neural network
while learning.
2.2 Unsupervised learning
Unsupervised learning is a machine learning
technique that sets parameters of an artificial neural
network based on given data and a cost function
which is to be minimized. Cost function can be any
function and it is determined by the task formulation.
Unsupervised learning is mostly used in applications
that fall within the domain of estimation problems
such as statistical modeling, compression, filtering,
blind source separation and clustering[14].In
unsupervised learning we seek to determine how the
data is organized. It differs from supervised learning
and reinforcement learning in that the artificial neural
network is given only unlabeled examples.
One common form of unsupervised learning
is clustering where we try to categorize data in
different clusters by their similarity. Among above
described artificial neural network models, the Selforganizing maps are the ones that the most
commonly use unsupervised learning algorithms.
2.3 Reinforcement learning
Reinforcement learning is a machine
learning technique that sets parameters of an artificial
neural network, where data is usually not given, but
generated by interactions with the environment.
Reinforcement learning is concerned with how an
artificial neural network ought to take actions in an
environment so as to maximize some notion of longterm reward. Reinforcement learning is frequently
used as a part of artificial neural network’s overall
learning algorithm.
www.ijera.com

www.ijera.com

After return function that needs to be
maximized is defined, reinforcement learning uses
several algorithms to find the policy which produces
the maximum return. Naive brute force algorithm in
first step calculates return function for each possible
policy and chooses the policy with the largest return.
Obvious weakness of this algorithm is in case of
extremely large or even infinite number of possible
policies[1][14]. This weakness can be overcome by
value function approaches or direct policy
estimation. Value function approaches attempt to find
a policy that maximizes the return by maintaining a
set of estimates of expected returns for one policy;
usually either the current or the optimal estimates.
These methods converge to the correct estimates for a
fixed policy and can also be used to find the optimal
policy.
Similar as value function approaches the
direct policy estimation can also find the optimal
policy. It can find it by searching it directly in policy
space what greatly increases the computational cost.
Reinforcement learning is particularly suited to
problems which include a long-term versus shortterm reward trade-off. It has been applied
successfully to various problems, including robot
control, telecommunications, and games such as
chess and other sequential decision
making tasks.

III.

Neural Network Algorithms:



Radial basis functions network (RBF)
A radial
basis
function
network is
an artificial neural network that uses radial basis
functions as activation functions. The output of the
network is a linear combination of radial basis
functions of the inputs and neuron parameters.


Auto correlation function
Autocorrelation is the cross-correlation of
a signal with itself. It is the similarity between
observations as a function of the time interval
between them. It is a mathematical tool for finding
repeating patterns, such as the presence of a periodic
signal obscured by noise, or identifying the missing
fundamental frequency in a signal implied by
its harmonic frequencies. It is often used in signal
processing for analyzing functions or series of values,
such as time domain signals.


Self-organizing map (SOM) neural network
A self-organizing map (SOM) is a type
of artificial neural network (ANN) that is trained
using unsupervised learning to produce a lowdimensional (typically two-dimensional), discretized
representation of the input space of the training
samples, and called a map. Self-organizing maps are
different from other artificial neural networks in the
9|P age
Mabrouka AL-Shebany et al. Int. Journal of Engineering Research and Applications
ISSN : 2248-9622, Vol. 4, Issue 2( Version 1), February 2014, pp.07-12
sense that they use a neighborhood function to
preserve the topological properties of the input space.
The ideas of the SOFM combined with the elastic net
algorithm to solve Euclidean problems like the

www.ijera.com

travelling salesman problem. A modified SOFM has
been used to solve broad classes of optimization
problems by freeing the technique from the Euclidean
plane [5].

Fig. 4. Architecture of a SOFM with nine neurons


Back propagation neural
Back propagation ANNs represented by
nonlinear networks. The back propagation (BP)
algorithmused for training multilayer networks by
means of error propagation via variational
calculations. It minimizes the sum of squared
approximation errors using a gradient descent
technique.When noisy training data are present, the
learned function can oscillate abruptly between data
points. This is clearly undesirable for function
approximation from noisy data [6].

IV.

Neural Network Applications:

Hop-field networks
Hop-field networks used to solve
optimization problems which are familiar to
theoperations researcher. although there is no
layerstructure to the architecture, and the weights are
constants and symmetric. Hop-field networks are a
fullyinterconnected system of N neurons. The
weights of the network store information about the
memories or stablestates of the network. Each neuron
has a state xi which is bounded between 0 and 1.
Neurons areupdated according to a differential
equation, and an energy function is minimized over
time because of the stable states of the network.
Hop-field and Tank showed that the weights
of a Hop-field network can be chosen so the process
of neurons minimizes the Hop-field energyfunction
and the optimization problem.
Each neuron i updates itself according to the
differential equation
dnet i
net i
=−
+
dt
τ

Image Indexing And Retrieval. SooBeom Park,
Jae Won Lee, Sang Kyoon Kim proposed a
content-based image classification method that
reflect the shape of an object based on pattern of
the texure feature[8].



Pattern Recognition : hierarchical neural
networks
improves
supervised
pattern
classification as it used in online back
propagation, improved records on MNIST, Latin
letters, Chinese characters, and traffic signs. Dan
Ciresan ,Ueli Meier, J¨urgenSchmidhuber
proposed a system to get data sets ranging from
handwritten digits (MNIST), handwritten
characters to 3D toys (NORB) and faces[9].



Space Exploration Robotic Vehicle And
Exploring The Land Of A Planet. It has the
capability to travel across the surface of a
landscape and other cosmic bodies. Artificial
neural networks have many advantages in space
applications due to its:
Generality
Performance
Adaptability
Low energy consumption

N

wij xj + Ii
j=1

xi=f(neti) Where f(.) is a sigmoidal output function
bounded by 0 and 1 and q is a constant [5].

www.ijera.com

Classification : such as classification of brain
tumors based on many sources of information.
KailashD.Kharat&PradyumnaP.Kulkarni&M.B.
Nagori proposed method that can do
classification of brain tumors by the analysis of
Magnetic Resonance (MR) images and Magnetic
Resonance Spectroscopy (MRS) data of the
patients with benign and malignant tumors to
determine the type of tumors [7].












10 | P a g e
Mabrouka AL-Shebany et al. Int. Journal of Engineering Research and Applications
ISSN : 2248-9622, Vol. 4, Issue 2( Version 1), February 2014, pp.07-12








Robustness & Fault Tolerance: Youssef Bassil
proposes a path-planning solution for
autonomous robotic planetary rover systems
based on artificial neural network (ANN). The
proposed ANN uses a mix of activation
functions including Sigmoid for the hidden
neurons and linear for the output neurons [10].
Where Madhusmita Swain, Sanjit Kumar Dash,
Sweta Dash and AyeskantaMohapatra Proposed
The Multi-Layer Feed Forward Neural network
which is able to classify the three different types
of IRIS plants of 150 instances with just few
errors for the other one[3].
Wavelet Feature Extraction : proposed for image
classification problem. jay Kumar Singh, Shamik
Tiwari, V.P. Shukla proposed feature extraction
and classification of multiclass images by using
Haar wavelet transform and back propagation
neural network [11].
Multi-class object recognition is a critical
capability for an intelligence robot to perceive
its environment. YuhuaZheng and Yan Meng
Proposed a model combined a number of
modular neural networks to recognize multiple
classes of objects for a robotic system. The
population of the modular neural networks
depends on the class number of the objects to be
recognized and each modular network only
focuses on learning one object class. For each
modular neural network, both the bottom-up
(sensory-driven) and top-down (expectationdriven) pathways are attached together, and a
supervised learning algorithm is applied to
update corresponding weights of both pathways.
Also there are two different training strategies
are evaluated: positive-only training and
positive-and-negative training [12]
Pattern Classification WawanSetiawan and
Wiweka proposed a classifier model with neural
network approach based on the method used
Expectations Maximum (EM)[13].

V.

Conclusion

The computing world has a lot to gain from
neural networks. Their ability to learn by example
makes them very flexible and powerful. Furthermore
there is no need to devise an algorithm in order to
perform a specific task; i.e. there is no need to
understand the internal mechanisms of that task.
They are also very well suited for real time systems
because of their fast response and computational
times which are due to their parallel architecture.

References
[1]

[2]

[3]

[4]

[5]

[6]

[7]

[8]

[9]

[10]

[11]

www.ijera.com

www.ijera.com

1S.V.
Kozyrev,”
Classification
by
ensembles of neural networks”, Steklov
Mathematical Institute, February 21, 2012.
Filippo Amato, Alberto López, Eladia María
Peña-Méndez, Petr Vaňhara, Aleš Hampl,
Josef Havel, ”Artificial neural networks in
medical diagnosis”, Journal of APPLIED
BIOMEDICINE, J Appl Biomed. 11: 47–58,
2013
Madhusmita Swain, Sanjit Kumar Dash,
Sweta Dash and Ayeskanta Mohapatra, “AN
APPROACH
FOR
IRIS
PLANT
CLASSIFICATION USING NEURAL
NETWORK”, International Journal on Soft
Computing ( IJSC ) Vol.3, No.1, February
2012
Jose´ L. Herrera-Aguilar, Herna´n Larralde,
Maximino Aldana,” Pattern Recognition in
Neural
Networks
with
Competing
Dynamics: Coexistence of Fixed-Point and
Cyclic Attractors”, PLOS ONE, 1 August
2012, Volume 7, Issue 8, e42348
Kate A. Smith, Jatinder N.D. Gupta,”Neural
networks in business: techniques and
applications for the operations researcher",
Computers & Operations Research 27
(2000) 1023}1044
P.SIBI,
S.ALLWYN
JONES,
P.SIDDARTH,”
ANALYSIS
OF
DIFFERENT ACTIVATION FUNCTIONS
USING BACK PROPAGATION NEURAL
NETWORKS”, Journal of Theoretical and
Applied Information Technology 31st
January 2013. Vol. 47 No.3
Kailash D. Kharat & Pradyumna P. Kulkarni
& M. B. Nagori ,”Brain Tumor
Classification Using Neural Network Based
Methods”,
International
Journal
of
Computer Science and Informatics ISSN
(PRINT): 2231 –5292, Vol-1, Iss-4, 2012.
SooBeom Park, Jae Won Lee, Sang Kyoon
Kim, “Content-based image classification
using
a
neural
network”,
Pattern
Recognition Letters 25 (2004) 287–300
Dan Ciresan, Ueli Meier, J¨urgen
Schmidhuber, “Multi-column Deep Neural
Networks for Image Classification” ,
Technical
Report
No.
IDSIA-04-12
February 2012.
Youssef Bassil, “ Neural Network Model for
Path-Planning Of Robotic Rover Systems”,
International Journal of Science and
Technology (IJST), E-ISSN: 2224-3577,
Vol. 2, No. 2, February, 2012
jay Kumar Singh,Shamik Tiwari, V.P.
Shukla, “ Wavelet based Multi Class image
11 | P a g e
Mabrouka AL-Shebany et al. Int. Journal of Engineering Research and Applications
ISSN : 2248-9622, Vol. 4, Issue 2( Version 1), February 2014, pp.07-12

[12]

[13]

[14]

www.ijera.com

classification using Neural Network” ,
International
Journal
of
Computer
Applications (0975 – 8887) Volume 37–
No.4, January 2012
YuhuaZheng and Yan Meng, ” Modular
Neural Networks for Multi-Class Object
Recognition”, 2011 IEEE International
Conference on Robotics and Automation
Shanghai International Conference Center
May 9-13, 2011, Shanghai, China
WawanSetiawan and Wiweka, ”Combining
of Image Classification With Probabilistic
Neural Network (PNN) Approaches Based
on Expectation Maximum (EM)”, IJCSI
International Journal of Computer Science
Issues, Vol. 9, Issue 4, No 3, July 2012
WWW. Wikipedia.or

www.ijera.com

12 | P a g e

Mais conteúdo relacionado

Mais procurados

Neural Network Classification and its Applications in Insurance Industry
Neural Network Classification and its Applications in Insurance IndustryNeural Network Classification and its Applications in Insurance Industry
Neural Network Classification and its Applications in Insurance IndustryInderjeet Singh
 
Supervised Learning
Supervised LearningSupervised Learning
Supervised Learningbutest
 
Question bank soft computing
Question bank   soft computingQuestion bank   soft computing
Question bank soft computingMohit Singh
 
ANALYSIS AND COMPARISON STUDY OF DATA MINING ALGORITHMS USING RAPIDMINER
ANALYSIS AND COMPARISON STUDY OF DATA MINING ALGORITHMS USING RAPIDMINERANALYSIS AND COMPARISON STUDY OF DATA MINING ALGORITHMS USING RAPIDMINER
ANALYSIS AND COMPARISON STUDY OF DATA MINING ALGORITHMS USING RAPIDMINERIJCSEA Journal
 
Artificial Neural Network
Artificial Neural NetworkArtificial Neural Network
Artificial Neural NetworkBurhan Muzafar
 
Artificial Neural Networks: Applications In Management
Artificial Neural Networks: Applications In ManagementArtificial Neural Networks: Applications In Management
Artificial Neural Networks: Applications In ManagementIOSR Journals
 
Machine learning and_neural_network_lecture_slide_ece_dku
Machine learning and_neural_network_lecture_slide_ece_dkuMachine learning and_neural_network_lecture_slide_ece_dku
Machine learning and_neural_network_lecture_slide_ece_dkuSeokhyun Yoon
 
X trepan an extended trepan for
X trepan an extended trepan forX trepan an extended trepan for
X trepan an extended trepan forijaia
 
Artificial Neural Network report
Artificial Neural Network reportArtificial Neural Network report
Artificial Neural Network reportAnjali Agrawal
 
Neural networks
Neural networksNeural networks
Neural networksArul Kumar
 
DRL Medical Imaging Literature Review
DRL Medical Imaging Literature ReviewDRL Medical Imaging Literature Review
DRL Medical Imaging Literature ReviewJocelyn Baduria
 
DESIGN AND IMPLEMENTATION OF BINARY NEURAL NETWORK LEARNING WITH FUZZY CLUSTE...
DESIGN AND IMPLEMENTATION OF BINARY NEURAL NETWORK LEARNING WITH FUZZY CLUSTE...DESIGN AND IMPLEMENTATION OF BINARY NEURAL NETWORK LEARNING WITH FUZZY CLUSTE...
DESIGN AND IMPLEMENTATION OF BINARY NEURAL NETWORK LEARNING WITH FUZZY CLUSTE...cscpconf
 
Handwritten digits recognition report
Handwritten digits recognition reportHandwritten digits recognition report
Handwritten digits recognition reportSwayamdipta Saha
 
Artificial neural networks and its application
Artificial neural networks and its applicationArtificial neural networks and its application
Artificial neural networks and its applicationHưng Đặng
 
Feed forward neural network for sine
Feed forward neural network for sineFeed forward neural network for sine
Feed forward neural network for sineijcsa
 

Mais procurados (19)

Neural Network Classification and its Applications in Insurance Industry
Neural Network Classification and its Applications in Insurance IndustryNeural Network Classification and its Applications in Insurance Industry
Neural Network Classification and its Applications in Insurance Industry
 
Supervised Learning
Supervised LearningSupervised Learning
Supervised Learning
 
Question bank soft computing
Question bank   soft computingQuestion bank   soft computing
Question bank soft computing
 
Cq4201618622
Cq4201618622Cq4201618622
Cq4201618622
 
ANALYSIS AND COMPARISON STUDY OF DATA MINING ALGORITHMS USING RAPIDMINER
ANALYSIS AND COMPARISON STUDY OF DATA MINING ALGORITHMS USING RAPIDMINERANALYSIS AND COMPARISON STUDY OF DATA MINING ALGORITHMS USING RAPIDMINER
ANALYSIS AND COMPARISON STUDY OF DATA MINING ALGORITHMS USING RAPIDMINER
 
Neural network
Neural networkNeural network
Neural network
 
Artificial Neural Network
Artificial Neural NetworkArtificial Neural Network
Artificial Neural Network
 
Artificial Neural Networks: Applications In Management
Artificial Neural Networks: Applications In ManagementArtificial Neural Networks: Applications In Management
Artificial Neural Networks: Applications In Management
 
Machine learning and_neural_network_lecture_slide_ece_dku
Machine learning and_neural_network_lecture_slide_ece_dkuMachine learning and_neural_network_lecture_slide_ece_dku
Machine learning and_neural_network_lecture_slide_ece_dku
 
X trepan an extended trepan for
X trepan an extended trepan forX trepan an extended trepan for
X trepan an extended trepan for
 
Artificial Neural Network report
Artificial Neural Network reportArtificial Neural Network report
Artificial Neural Network report
 
02 Fundamental Concepts of ANN
02 Fundamental Concepts of ANN02 Fundamental Concepts of ANN
02 Fundamental Concepts of ANN
 
Neural networks
Neural networksNeural networks
Neural networks
 
DRL Medical Imaging Literature Review
DRL Medical Imaging Literature ReviewDRL Medical Imaging Literature Review
DRL Medical Imaging Literature Review
 
DESIGN AND IMPLEMENTATION OF BINARY NEURAL NETWORK LEARNING WITH FUZZY CLUSTE...
DESIGN AND IMPLEMENTATION OF BINARY NEURAL NETWORK LEARNING WITH FUZZY CLUSTE...DESIGN AND IMPLEMENTATION OF BINARY NEURAL NETWORK LEARNING WITH FUZZY CLUSTE...
DESIGN AND IMPLEMENTATION OF BINARY NEURAL NETWORK LEARNING WITH FUZZY CLUSTE...
 
Neural networks
Neural networksNeural networks
Neural networks
 
Handwritten digits recognition report
Handwritten digits recognition reportHandwritten digits recognition report
Handwritten digits recognition report
 
Artificial neural networks and its application
Artificial neural networks and its applicationArtificial neural networks and its application
Artificial neural networks and its application
 
Feed forward neural network for sine
Feed forward neural network for sineFeed forward neural network for sine
Feed forward neural network for sine
 

Destaque

Busca dentro de ti.
Busca dentro de ti.Busca dentro de ti.
Busca dentro de ti.Amner96
 
O Indizível Futuro do Brasil. Ou: Vamos construir um futuro para a nação?
O Indizível Futuro do Brasil. Ou: Vamos construir um futuro para a nação?O Indizível Futuro do Brasil. Ou: Vamos construir um futuro para a nação?
O Indizível Futuro do Brasil. Ou: Vamos construir um futuro para a nação?Paulo Resende
 
Family Life
Family LifeFamily Life
Family LifePe Tii
 
Universidad nacional de chimborazo drive trabajo colavorativo
Universidad nacional de chimborazo drive trabajo colavorativoUniversidad nacional de chimborazo drive trabajo colavorativo
Universidad nacional de chimborazo drive trabajo colavorativoUNACH
 

Destaque (20)

R4201124128
R4201124128R4201124128
R4201124128
 
M42017584
M42017584M42017584
M42017584
 
U4201139143
U4201139143U4201139143
U4201139143
 
Az4103318326
Az4103318326Az4103318326
Az4103318326
 
Ah4103196202
Ah4103196202Ah4103196202
Ah4103196202
 
Ax4103307314
Ax4103307314Ax4103307314
Ax4103307314
 
Hm3613211331
Hm3613211331Hm3613211331
Hm3613211331
 
Busca dentro de ti.
Busca dentro de ti.Busca dentro de ti.
Busca dentro de ti.
 
Carolien Sertifikate
Carolien SertifikateCarolien Sertifikate
Carolien Sertifikate
 
Standards Spotlight
Standards SpotlightStandards Spotlight
Standards Spotlight
 
Aprendizage movel3
Aprendizage movel3Aprendizage movel3
Aprendizage movel3
 
As figuras xeométricas
As figuras xeométricasAs figuras xeométricas
As figuras xeométricas
 
O Indizível Futuro do Brasil. Ou: Vamos construir um futuro para a nação?
O Indizível Futuro do Brasil. Ou: Vamos construir um futuro para a nação?O Indizível Futuro do Brasil. Ou: Vamos construir um futuro para a nação?
O Indizível Futuro do Brasil. Ou: Vamos construir um futuro para a nação?
 
Family Life
Family LifeFamily Life
Family Life
 
A Casa Dos Bicos
A Casa Dos BicosA Casa Dos Bicos
A Casa Dos Bicos
 
Unidad ii Tecnología de la Informacion
Unidad ii Tecnología de la InformacionUnidad ii Tecnología de la Informacion
Unidad ii Tecnología de la Informacion
 
Universidad nacional de chimborazo drive trabajo colavorativo
Universidad nacional de chimborazo drive trabajo colavorativoUniversidad nacional de chimborazo drive trabajo colavorativo
Universidad nacional de chimborazo drive trabajo colavorativo
 
Para quintela
Para quintelaPara quintela
Para quintela
 
Smart art iguales
Smart art igualesSmart art iguales
Smart art iguales
 
1017_001
1017_0011017_001
1017_001
 

Semelhante a B42010712

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
 
Fuzzy Logic Final Report
Fuzzy Logic Final ReportFuzzy Logic Final Report
Fuzzy Logic Final ReportShikhar Agarwal
 
Artificial Intelligence.docx
Artificial Intelligence.docxArtificial Intelligence.docx
Artificial Intelligence.docxashumar
 
EXPERT SYSTEMS AND ARTIFICIAL INTELLIGENCE_ Neural Networks.pptx
EXPERT SYSTEMS AND ARTIFICIAL INTELLIGENCE_ Neural Networks.pptxEXPERT SYSTEMS AND ARTIFICIAL INTELLIGENCE_ Neural Networks.pptx
EXPERT SYSTEMS AND ARTIFICIAL INTELLIGENCE_ Neural Networks.pptxJavier Daza
 
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
 
Extracted pages from Neural Fuzzy Systems.docx
Extracted pages from Neural Fuzzy Systems.docxExtracted pages from Neural Fuzzy Systems.docx
Extracted pages from Neural Fuzzy Systems.docxdannyabe
 
X-TREPAN: A MULTI CLASS REGRESSION AND ADAPTED EXTRACTION OF COMPREHENSIBLE D...
X-TREPAN: A MULTI CLASS REGRESSION AND ADAPTED EXTRACTION OF COMPREHENSIBLE D...X-TREPAN: A MULTI CLASS REGRESSION AND ADAPTED EXTRACTION OF COMPREHENSIBLE D...
X-TREPAN: A MULTI CLASS REGRESSION AND ADAPTED EXTRACTION OF COMPREHENSIBLE D...cscpconf
 
Analysis of Neocognitron of Neural Network Method in the String Recognition
Analysis of Neocognitron of Neural Network Method in the String RecognitionAnalysis of Neocognitron of Neural Network Method in the String Recognition
Analysis of Neocognitron of Neural Network Method in the String RecognitionIDES Editor
 
Artificial Neural Networks for NIU
Artificial Neural Networks for NIUArtificial Neural Networks for NIU
Artificial Neural Networks for NIUProf. Neeta Awasthy
 
Cognitive Science Unit 4
Cognitive Science Unit 4Cognitive Science Unit 4
Cognitive Science Unit 4CSITSansar
 
Artificial neural networks
Artificial neural networks Artificial neural networks
Artificial neural networks ShwethaShreeS
 

Semelhante a B42010712 (20)

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
 
Fuzzy Logic Final Report
Fuzzy Logic Final ReportFuzzy Logic Final Report
Fuzzy Logic Final Report
 
Artificial Intelligence.docx
Artificial Intelligence.docxArtificial Intelligence.docx
Artificial Intelligence.docx
 
EXPERT SYSTEMS AND ARTIFICIAL INTELLIGENCE_ Neural Networks.pptx
EXPERT SYSTEMS AND ARTIFICIAL INTELLIGENCE_ Neural Networks.pptxEXPERT SYSTEMS AND ARTIFICIAL INTELLIGENCE_ Neural Networks.pptx
EXPERT SYSTEMS AND ARTIFICIAL INTELLIGENCE_ Neural Networks.pptx
 
Neural Networks
Neural NetworksNeural Networks
Neural Networks
 
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
 
Extracted pages from Neural Fuzzy Systems.docx
Extracted pages from Neural Fuzzy Systems.docxExtracted pages from Neural Fuzzy Systems.docx
Extracted pages from Neural Fuzzy Systems.docx
 
Neural network
Neural networkNeural network
Neural network
 
X-TREPAN: A MULTI CLASS REGRESSION AND ADAPTED EXTRACTION OF COMPREHENSIBLE D...
X-TREPAN: A MULTI CLASS REGRESSION AND ADAPTED EXTRACTION OF COMPREHENSIBLE D...X-TREPAN: A MULTI CLASS REGRESSION AND ADAPTED EXTRACTION OF COMPREHENSIBLE D...
X-TREPAN: A MULTI CLASS REGRESSION AND ADAPTED EXTRACTION OF COMPREHENSIBLE D...
 
Analysis of Neocognitron of Neural Network Method in the String Recognition
Analysis of Neocognitron of Neural Network Method in the String RecognitionAnalysis of Neocognitron of Neural Network Method in the String Recognition
Analysis of Neocognitron of Neural Network Method in the String Recognition
 
tsopze2011
tsopze2011tsopze2011
tsopze2011
 
Artificial Neural Networks for NIU
Artificial Neural Networks for NIUArtificial Neural Networks for NIU
Artificial Neural Networks for NIU
 
Jack
JackJack
Jack
 
Neural Networks
Neural NetworksNeural Networks
Neural Networks
 
Cognitive Science Unit 4
Cognitive Science Unit 4Cognitive Science Unit 4
Cognitive Science Unit 4
 
Neural network and fuzzy logic
Neural network and fuzzy logicNeural network and fuzzy logic
Neural network and fuzzy logic
 
Deep Learning Survey
Deep Learning SurveyDeep Learning Survey
Deep Learning Survey
 
A Study On Deep Learning
A Study On Deep LearningA Study On Deep Learning
A Study On Deep Learning
 
Artificial neural network
Artificial neural networkArtificial neural network
Artificial neural network
 
Artificial neural networks
Artificial neural networks Artificial neural networks
Artificial neural networks
 

Último

A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)Gabriella Davis
 
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
 
A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?Igalia
 
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
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processorsdebabhi2
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slidespraypatel2
 
Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityPrincipled Technologies
 
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
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024The Digital Insurer
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Drew Madelung
 
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc
 
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
 
Real Time Object Detection Using Open CV
Real Time Object Detection Using Open CVReal Time Object Detection Using Open CV
Real Time Object Detection Using Open CVKhem
 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024The Digital Insurer
 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking MenDelhi Call girls
 
Tata AIG General Insurance Company - Insurer Innovation Award 2024
Tata AIG General Insurance Company - Insurer Innovation Award 2024Tata AIG General Insurance Company - Insurer Innovation Award 2024
Tata AIG General Insurance Company - Insurer Innovation Award 2024The Digital Insurer
 
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
 
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEarley Information Science
 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUK Journal
 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxMalak Abu Hammad
 

Último (20)

A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)
 
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?
 
A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?
 
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
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processors
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slides
 
Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivity
 
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
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
 
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
 
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
 
Real Time Object Detection Using Open CV
Real Time Object Detection Using Open CVReal Time Object Detection Using Open CV
Real Time Object Detection Using Open CV
 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024
 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men
 
Tata AIG General Insurance Company - Insurer Innovation Award 2024
Tata AIG General Insurance Company - Insurer Innovation Award 2024Tata AIG General Insurance Company - Insurer Innovation Award 2024
Tata AIG General Insurance Company - Insurer Innovation Award 2024
 
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)
 
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptx
 

B42010712

  • 1. Mabrouka AL-Shebany et al. Int. Journal of Engineering Research and Applications ISSN : 2248-9622, Vol. 4, Issue 2( Version 1), February 2014, pp.07-12 RESEARCH ARTICLE www.ijera.com OPEN ACCESS Artificial Neural Network : A Brief Overview Magdi Zakaria, Mabrouka AL-Shebany, Shahenda Sarhan Sirte University SIRTE, LIBYA Abstract Artificial Neural Network (ANN) is an information processing paradigm that is inspired by the way biological nervous systems, such as the brain, process information. The key element of this paradigm is the novel structure of the information processing system. Neural networks, have remarkable ability to derive meaning from complicated or imprecise data, can be used to extract patterns and detect trends that are too complex to be noticed by either humans or other computer techniques. A trained neural network can be thought of as an "expert" in the category of information it has been given to analyze. This expert can then be used to provide projections given new situations of interest and answer "what if" questions. so in this paper we tried to introduce a brief overview of ANN to help researchers in their way throw ANN. I. Introduction An Artificial Neural networks are very powerful brain-inspired computational models. Which have been employed in various areas such as computing, medicine, engineering, economics, and many others.An artificial neural network is based on the optimization theory. An Artificial Neural Network is a computational model inspired in the functioning of the human brain. It is composed by a set of artificial neurons (known as processing units) that are interconnected with other neuron these neurons depend on weights of the neural network. As The word network in Neural Network refers to the interconnection between neurons present in various layers of a system. These weights represent the connections between the neurons which determine the impact of one neuron on another[1]. Fig. 1. Natural neuron The first artificial neuron was firstly proposed in a formal model in 1943 by McCulloch and Pitts. They proved that this model of neuron was able to perform any computable function using a finite number of artificial neurons and synaptic weights adjustable. The neurons in the input layer receive the data and transfer them to neurons in the first hidden layer through the weighted links. Data are mathematically processed and transferred the result to the neurons in the next layer. The network’s output is provided by the neurons in the last layer. The j-th www.ijera.com neuron in a hidden layer processes the incoming data (xi) by: (i) calculating the weighted sum and adding a “bias” term (θj) according to: 𝑚 𝑛𝑒𝑡 𝑗 = 𝑖=1 𝑥 𝑖 ∗ 𝑤 𝑖𝑗 + 𝜃𝑗 𝑗 = (1, 2, 3, 𝑛) [2] neural networks are capable of adaptation to given data; neural networks are capable of generalization even when the input data set contains noise or missing values (trained network has the capability of correctly filling the value without affecting the prediction); neural networks act as an universal approximation for an arbitrary continuous function with arbitrary precision. 7|P age
  • 2. Mabrouka AL-Shebany et al. Int. Journal of Engineering Research and Applications ISSN : 2248-9622, Vol. 4, Issue 2( Version 1), February 2014, pp.07-12 ANN can be defined based on the following three characteristics: 1. The Architecture indicating the number of layers and the no. of nodes in each of the layers. 2. The learning mechanism applied for updating the weights of the connections. 3. The activation functions used in various layers [3]. www.ijera.com  Neural network layers: 1. Dimensional layer (Single Layer Perceptron) is a function of N real variables of the form 𝑁 𝑓 𝑥1 , … . . , 𝑥 𝑁 = 𝑠𝑔𝑛( 𝑤 𝑖 𝑥 𝑖 − 𝜃) 𝑖=1 Here xi are real variables, (x1, . . . , xN) takes values in some domain U ⊂RN, wiare real parameters(weights of the neuron), _ is the threshold of activation of the neuron, the function sgm(x) = 1 for x ≥ 0 and is equal to zero for x < 0. Fig. 2. An artificial neuron We also consider the smoothed variant of the above neuron for which instead of the function sgm we use the smooth monotonous increasing function sgm which varies from zero to unity. In particular we consider the neuron of the form 𝑁 𝑓 𝑥1 , … . . , 𝑥 𝑁 = 𝑠𝑔𝑛 𝑤 𝑖 𝑥 𝑖 − 𝜃 , 𝑠𝑔𝑚 𝑥 𝑖=1 = 1 1 + 𝑒 −𝑥 2. Multi Layer Perceptron (MLP) : Multi-layer consisting of three consecutive layers: an input, a hidden, and an output layer. Every system is basically a three layered system, which are Input layer, Hidden Layer and Output Layer. The input layer has input neurons which transfer data via synapses to the hidden layer, and similarly the hidden layer transfers this data to the output layer via more synapses. The synapses stores values called weights which helps them to manipulate the input and output to various layers. Fig.3. General structure of a neural network with two hidden layer II. Learning in ANN There are three major learning paradigms; supervised learning, unsupervised learning and reinforcement learning. Usually they can be employed by any given type of artificial neural network architecture. Each learning paradigm has many training algorithms. www.ijera.com  Supervised learning Supervised learning is a machine learning technique that sets parameters of an artificial neural network from training data. The task of the learning artificial neural network is to set the value of its parameters for any valid input value after having seen output value. The training data consist of pairs of 8|P age
  • 3. Mabrouka AL-Shebany et al. Int. Journal of Engineering Research and Applications ISSN : 2248-9622, Vol. 4, Issue 2( Version 1), February 2014, pp.07-12 input and desired output values that are traditionally represented in data vectors. Supervised learning can also be referred as classification, where we have a wide range of classifiers, each with its strengths and weaknesses. Choosing a suitable classifier (Multilayer perceptron, Support Vector Machines, k-nearest neighbor algorithm, Gaussian mixture model, Gaussian, naive Bayes, decision tree, radial basis function classifiers,…) for a given problem is however still more an art than a science. In order to solve a given problem of supervised learning various steps has to be considered. In the first step we have to determine the type of training examples[6][14]. In the second step we need to gather a training data set that satisfactory describe a given problem. In the third step we need to describe gathered training data set in form understandable to a chosen artificial neural network. In the fourth step we do the learning and after the learning we can test theperformance of learned artificial neural network with the test (validation) data set. Test data set consist of data that has not been introduced to artificial neural network while learning. 2.2 Unsupervised learning Unsupervised learning is a machine learning technique that sets parameters of an artificial neural network based on given data and a cost function which is to be minimized. Cost function can be any function and it is determined by the task formulation. Unsupervised learning is mostly used in applications that fall within the domain of estimation problems such as statistical modeling, compression, filtering, blind source separation and clustering[14].In unsupervised learning we seek to determine how the data is organized. It differs from supervised learning and reinforcement learning in that the artificial neural network is given only unlabeled examples. One common form of unsupervised learning is clustering where we try to categorize data in different clusters by their similarity. Among above described artificial neural network models, the Selforganizing maps are the ones that the most commonly use unsupervised learning algorithms. 2.3 Reinforcement learning Reinforcement learning is a machine learning technique that sets parameters of an artificial neural network, where data is usually not given, but generated by interactions with the environment. Reinforcement learning is concerned with how an artificial neural network ought to take actions in an environment so as to maximize some notion of longterm reward. Reinforcement learning is frequently used as a part of artificial neural network’s overall learning algorithm. www.ijera.com www.ijera.com After return function that needs to be maximized is defined, reinforcement learning uses several algorithms to find the policy which produces the maximum return. Naive brute force algorithm in first step calculates return function for each possible policy and chooses the policy with the largest return. Obvious weakness of this algorithm is in case of extremely large or even infinite number of possible policies[1][14]. This weakness can be overcome by value function approaches or direct policy estimation. Value function approaches attempt to find a policy that maximizes the return by maintaining a set of estimates of expected returns for one policy; usually either the current or the optimal estimates. These methods converge to the correct estimates for a fixed policy and can also be used to find the optimal policy. Similar as value function approaches the direct policy estimation can also find the optimal policy. It can find it by searching it directly in policy space what greatly increases the computational cost. Reinforcement learning is particularly suited to problems which include a long-term versus shortterm reward trade-off. It has been applied successfully to various problems, including robot control, telecommunications, and games such as chess and other sequential decision making tasks. III. Neural Network Algorithms:  Radial basis functions network (RBF) A radial basis function network is an artificial neural network that uses radial basis functions as activation functions. The output of the network is a linear combination of radial basis functions of the inputs and neuron parameters.  Auto correlation function Autocorrelation is the cross-correlation of a signal with itself. It is the similarity between observations as a function of the time interval between them. It is a mathematical tool for finding repeating patterns, such as the presence of a periodic signal obscured by noise, or identifying the missing fundamental frequency in a signal implied by its harmonic frequencies. It is often used in signal processing for analyzing functions or series of values, such as time domain signals.  Self-organizing map (SOM) neural network A self-organizing map (SOM) is a type of artificial neural network (ANN) that is trained using unsupervised learning to produce a lowdimensional (typically two-dimensional), discretized representation of the input space of the training samples, and called a map. Self-organizing maps are different from other artificial neural networks in the 9|P age
  • 4. Mabrouka AL-Shebany et al. Int. Journal of Engineering Research and Applications ISSN : 2248-9622, Vol. 4, Issue 2( Version 1), February 2014, pp.07-12 sense that they use a neighborhood function to preserve the topological properties of the input space. The ideas of the SOFM combined with the elastic net algorithm to solve Euclidean problems like the www.ijera.com travelling salesman problem. A modified SOFM has been used to solve broad classes of optimization problems by freeing the technique from the Euclidean plane [5]. Fig. 4. Architecture of a SOFM with nine neurons  Back propagation neural Back propagation ANNs represented by nonlinear networks. The back propagation (BP) algorithmused for training multilayer networks by means of error propagation via variational calculations. It minimizes the sum of squared approximation errors using a gradient descent technique.When noisy training data are present, the learned function can oscillate abruptly between data points. This is clearly undesirable for function approximation from noisy data [6]. IV. Neural Network Applications: Hop-field networks Hop-field networks used to solve optimization problems which are familiar to theoperations researcher. although there is no layerstructure to the architecture, and the weights are constants and symmetric. Hop-field networks are a fullyinterconnected system of N neurons. The weights of the network store information about the memories or stablestates of the network. Each neuron has a state xi which is bounded between 0 and 1. Neurons areupdated according to a differential equation, and an energy function is minimized over time because of the stable states of the network. Hop-field and Tank showed that the weights of a Hop-field network can be chosen so the process of neurons minimizes the Hop-field energyfunction and the optimization problem. Each neuron i updates itself according to the differential equation dnet i net i =− + dt τ Image Indexing And Retrieval. SooBeom Park, Jae Won Lee, Sang Kyoon Kim proposed a content-based image classification method that reflect the shape of an object based on pattern of the texure feature[8].  Pattern Recognition : hierarchical neural networks improves supervised pattern classification as it used in online back propagation, improved records on MNIST, Latin letters, Chinese characters, and traffic signs. Dan Ciresan ,Ueli Meier, J¨urgenSchmidhuber proposed a system to get data sets ranging from handwritten digits (MNIST), handwritten characters to 3D toys (NORB) and faces[9].  Space Exploration Robotic Vehicle And Exploring The Land Of A Planet. It has the capability to travel across the surface of a landscape and other cosmic bodies. Artificial neural networks have many advantages in space applications due to its: Generality Performance Adaptability Low energy consumption N wij xj + Ii j=1 xi=f(neti) Where f(.) is a sigmoidal output function bounded by 0 and 1 and q is a constant [5]. www.ijera.com Classification : such as classification of brain tumors based on many sources of information. KailashD.Kharat&PradyumnaP.Kulkarni&M.B. Nagori proposed method that can do classification of brain tumors by the analysis of Magnetic Resonance (MR) images and Magnetic Resonance Spectroscopy (MRS) data of the patients with benign and malignant tumors to determine the type of tumors [7].        10 | P a g e
  • 5. Mabrouka AL-Shebany et al. Int. Journal of Engineering Research and Applications ISSN : 2248-9622, Vol. 4, Issue 2( Version 1), February 2014, pp.07-12     Robustness & Fault Tolerance: Youssef Bassil proposes a path-planning solution for autonomous robotic planetary rover systems based on artificial neural network (ANN). The proposed ANN uses a mix of activation functions including Sigmoid for the hidden neurons and linear for the output neurons [10]. Where Madhusmita Swain, Sanjit Kumar Dash, Sweta Dash and AyeskantaMohapatra Proposed The Multi-Layer Feed Forward Neural network which is able to classify the three different types of IRIS plants of 150 instances with just few errors for the other one[3]. Wavelet Feature Extraction : proposed for image classification problem. jay Kumar Singh, Shamik Tiwari, V.P. Shukla proposed feature extraction and classification of multiclass images by using Haar wavelet transform and back propagation neural network [11]. Multi-class object recognition is a critical capability for an intelligence robot to perceive its environment. YuhuaZheng and Yan Meng Proposed a model combined a number of modular neural networks to recognize multiple classes of objects for a robotic system. The population of the modular neural networks depends on the class number of the objects to be recognized and each modular network only focuses on learning one object class. For each modular neural network, both the bottom-up (sensory-driven) and top-down (expectationdriven) pathways are attached together, and a supervised learning algorithm is applied to update corresponding weights of both pathways. Also there are two different training strategies are evaluated: positive-only training and positive-and-negative training [12] Pattern Classification WawanSetiawan and Wiweka proposed a classifier model with neural network approach based on the method used Expectations Maximum (EM)[13]. V. Conclusion The computing world has a lot to gain from neural networks. Their ability to learn by example makes them very flexible and powerful. Furthermore there is no need to devise an algorithm in order to perform a specific task; i.e. there is no need to understand the internal mechanisms of that task. They are also very well suited for real time systems because of their fast response and computational times which are due to their parallel architecture. References [1] [2] [3] [4] [5] [6] [7] [8] [9] [10] [11] www.ijera.com www.ijera.com 1S.V. Kozyrev,” Classification by ensembles of neural networks”, Steklov Mathematical Institute, February 21, 2012. Filippo Amato, Alberto López, Eladia María Peña-Méndez, Petr Vaňhara, Aleš Hampl, Josef Havel, ”Artificial neural networks in medical diagnosis”, Journal of APPLIED BIOMEDICINE, J Appl Biomed. 11: 47–58, 2013 Madhusmita Swain, Sanjit Kumar Dash, Sweta Dash and Ayeskanta Mohapatra, “AN APPROACH FOR IRIS PLANT CLASSIFICATION USING NEURAL NETWORK”, International Journal on Soft Computing ( IJSC ) Vol.3, No.1, February 2012 Jose´ L. Herrera-Aguilar, Herna´n Larralde, Maximino Aldana,” Pattern Recognition in Neural Networks with Competing Dynamics: Coexistence of Fixed-Point and Cyclic Attractors”, PLOS ONE, 1 August 2012, Volume 7, Issue 8, e42348 Kate A. Smith, Jatinder N.D. Gupta,”Neural networks in business: techniques and applications for the operations researcher", Computers & Operations Research 27 (2000) 1023}1044 P.SIBI, S.ALLWYN JONES, P.SIDDARTH,” ANALYSIS OF DIFFERENT ACTIVATION FUNCTIONS USING BACK PROPAGATION NEURAL NETWORKS”, Journal of Theoretical and Applied Information Technology 31st January 2013. Vol. 47 No.3 Kailash D. Kharat & Pradyumna P. Kulkarni & M. B. Nagori ,”Brain Tumor Classification Using Neural Network Based Methods”, International Journal of Computer Science and Informatics ISSN (PRINT): 2231 –5292, Vol-1, Iss-4, 2012. SooBeom Park, Jae Won Lee, Sang Kyoon Kim, “Content-based image classification using a neural network”, Pattern Recognition Letters 25 (2004) 287–300 Dan Ciresan, Ueli Meier, J¨urgen Schmidhuber, “Multi-column Deep Neural Networks for Image Classification” , Technical Report No. IDSIA-04-12 February 2012. Youssef Bassil, “ Neural Network Model for Path-Planning Of Robotic Rover Systems”, International Journal of Science and Technology (IJST), E-ISSN: 2224-3577, Vol. 2, No. 2, February, 2012 jay Kumar Singh,Shamik Tiwari, V.P. Shukla, “ Wavelet based Multi Class image 11 | P a g e
  • 6. Mabrouka AL-Shebany et al. Int. Journal of Engineering Research and Applications ISSN : 2248-9622, Vol. 4, Issue 2( Version 1), February 2014, pp.07-12 [12] [13] [14] www.ijera.com classification using Neural Network” , International Journal of Computer Applications (0975 – 8887) Volume 37– No.4, January 2012 YuhuaZheng and Yan Meng, ” Modular Neural Networks for Multi-Class Object Recognition”, 2011 IEEE International Conference on Robotics and Automation Shanghai International Conference Center May 9-13, 2011, Shanghai, China WawanSetiawan and Wiweka, ”Combining of Image Classification With Probabilistic Neural Network (PNN) Approaches Based on Expectation Maximum (EM)”, IJCSI International Journal of Computer Science Issues, Vol. 9, Issue 4, No 3, July 2012 WWW. Wikipedia.or www.ijera.com 12 | P a g e