SlideShare una empresa de Scribd logo
1 de 42
Descargar para leer sin conexión
Machine Learning:
Introduction to Neural Networks
Francesco Collovà Raffaele Capaldo
francesco.collova@gmail.com raffaele.capaldo@gmail.com
http://uroutes.blogspot.it/
20/12/2013 - Francesco Collovà Raffaele Capaldo
Machine Learning Definition
In 1959, Arthur Samuel defined machine learning as a "Field of study that
gives computers the ability to learn without being explicitly programmed".[1]
Tom M. Mitchell provided a widely quoted, more formal definition: "A
computer program is said to learn from experience E with respect to some
class of tasks T and performance measure P, if its performance at tasks in T,
as measured by P, improves with experience E" [2]
This definition is notable for its defining machine learning in fundamentally
operational rather than cognitive terms, thus following Alan Turing's
proposal in Turing's paper "Computing Machinery and Intelligence" that the
question "Can machines think?" be replaced with the question "Can machines
do what we (as thinking entities) can do?“ [3]
[1] Phil Simon (March 18, 2013). Too Big to Ignore: The Business Case for Big Data. Wiley. p. 89.
ISBN 978-1118638170.
[2] Mitchell, T. (1997). Machine Learning, McGraw Hill. ISBN 0-07-042807-7, p.2.
[3] Harnad, Stevan (2008), "The Annotation Game: On Turing (1950) on Computing, Machinery,
and Intelligence", in Epstein, Robert; Peters, Grace, The Turing Test Sourcebook: Philosophical
and Methodological Issues in the Quest for the Thinking Computer, Kluwer
Machine Learning Algo
• Supervised Learning
• Unsupervised Learning
• Others: reinforcement learning, recommender
systems.
Examples Supervised/Unsupervised
• Set of email labeled as Spam/noSpam, learn a spam
filter;
• Given a set of news articles found on the web, group
them into set of articles about the same story
• Database of customer data: automatically discover
market segments and group customers into different
market segments;
• Given a dataset of patients diagnosed has having
diabetes or not, learn to classify new patients having
diabetes or not;
Classification: Supervised Learning
• Supervised learning is the machine learning task of inferring a
function from labeled training data. The training data consist of a
set of training examples .
• In supervised learning, each example is a pair consisting of an input
object (typically a vector) and a desired output value (also called
the supervisory signal).
• A supervised learning algorithm analyzes the training data and
produces an inferred function, which can be used for mapping new
examples. An optimal scenario will allow for the algorithm to
correctly determine the class labels for unseen instances.
• This requires the learning algorithm to generalize from the training
data to unseen situations in a "reasonable" way (see inductive bias).
http://en.wikipedia.org/wiki/Supervised_learning
Clustering: Unsupervised Learning
• Unsupervised learning is the machine learning task of inferring a
function from unlabeled training data. The training data consist of a
set of training examples .
• In unsupervised learning, each example is consisting of only input
object (typically a vector) whitout output value (targets).
• A unsupervised learning algorithm analyzes the training data,
separating and grouping (clustering) with the similarity metric,
without using comparisons with output data.
It is an autonomous learning and there is no external control on the
error.
• Models that use this type of learning are:
-Self-Organizing Maps (SOM) of Kohonen
-Hopfield Networks
http://en.wikipedia.org/wiki/Supervised_learning
Supervised learning: classification problem
• The problem is then reduced to the
determination of the set of best weights (w0, w1,
…, wn) to minimize the classification errors.
• So the hypothesis space H is infinite and is
given by all the possible assignments of values
to the n +1 weights (w0, w1, …, wn):
}
:
{ 1
+
ℜ
∈
= n
w
w
H
Supervised Learning
To describe the supervised learning
problem slightly more formally, our goal
is, given a training set, to learn a function
h : X → Y
so that h(x) is a “good” predictor for the
corresponding value of y.
For historical reasons, this function h is
called a hypothesis.
When the target variable that we’re trying
to predict is continuous, we call the
learning problem a regression problem.
When y can take on only a small number of
discrete values, we call it a classification
problem.
Linear classification
Find the parameters that minimize the squared
distance between the data set and the decision
boundary
Non Linear Classification
Learning non-linear decision boundary!
Overfitting
Learn the “data”and not the underlying function
Overfitting may occur when learned function performs well on
the data used during the training and poorly with new data.
Neural Networks: history
• Artificial Neural Networks (ANN) are a simulation abstract of
our nervous system, which contains a collection of neurons
which communicate each other through connections called
axons
• The ANN model has a certain resemblance to the axons and
dendrites in a nervous system
• The first model of neural networks was proposed in 1943 by
McCulloch and Pitts in terms of a computational model of neural
activity.
• This model was followed by other proposed by John Von
Neumann, Marvin Minsky, Frank Rosenblatt, and many others
Brain Neurons
• Many neurons possess arboreal structures called dendrites which
receive signals from other neurons via junctions called synapses
• Some neurons communicate by means of a few synapses, others
possess thousands
axon
dendrites
dendrite
Synapse
nucleus
Functioning of a Neuron
• It is estimated that the human brain contains over 100 billion
neurons and that a neuron can have over 1000 synapses in the input
and output
• Switching time of a few milliseconds (much slower than a logic
gate), but connectivity hundreds of times higher;
• A neuron transmits information to other neurons through its axon;
• The axon transmits electrical impulses, which depend on its
potential;
• The transmitted data can be excitatory or inhibitory;
• A neuron receives input signals of various nature, which are
summed;
• If the excitatory influence is predominant, the neuron is activated
and generates informational messages to the output synapses;
Neural Network and the Brain
There is this fascinating hypothesis
that the way the brain does all of these
different things is not worth like a
thousand different programs, but
instead, the way the brain does it is
worth just a single learning algorithm.
More Examples
Brainport: http://www.youtube.com/watch?v=xNkw28fz9u0
http://www.youtube.com/watch?v=CNR2gLKnd0g
Ecolocation:
http://www.youtube.com/watch?v=qLziFMF4DHA&list=TL9k0aIpmZTxg
Haptic belt: http://www.youtube.com/watch?v=mQWzaOaSqk8
Structure of a Neural Network
• A neural network consists of:
– A set of nodes (neurons) or units connected by links
– A set of weights associated with links
– A set of thresholds or levels of activation
• The design of a neural network requires:
– The choice of the number and type of units
– The determination of the morphological structure (layers)
– Coding of training examples, in terms of inputs and outputs
from the network
– The initialization and training of the weights on the
interconnections through the training set
Multi Layer Network Feedforward
• Feedforward Neural Networks
– Each unit is connected only to that of the next layer
– The processing proceeds smoothly from the input unit to
output
– There is no feedback (directed acyclic graph or DAG)
– They have no internal state
input hidden output
Multi Layer Network Feedforward
Perceptron
Problems solvable with Neural
Networks
• Network characteristics:
– Instances are represented by many features in many of the
values, also real
– The target objective function can be real-valued
– Examples can be noisy
– The training time can be long
– The evaluation of the network must be able to be made
quickly learned
– It isn't crucial to understand the semantics of the function wait
• Applications: robotics, image understanding,
biological systems, financial predictions, etc..
The Perceptron
• The perceptron is milestone of neural networks
• Idea belong to Rosenblatt (1962)
• Tries to simulate the operation of the single
neuron
x1
x2
xn
.
.
.
∑
w1
w2
wn
soglia
∑
=
n
i
i
i x
w
0
x0=1
w0





−
>
= ∑
=
otherwise
x
w
if
o
n
i
i
i
1
0
1
0
• The output values ​​are boolean: 0 or 1
• The inputs xi and weights wi are positive or negative
real values
• Three elements: inputs, sum, threshold
• The learning is to select weights and threshold
The Perceptron
x1
x2
xn
.
.
.
∑
w1
w2
wn
soglia
∑
=
n
i
i
i x
w
0
x0=1
w0





−
>
= ∑
=
otherwise
x
w
if
o
n
i
i
i
1
0
1
0
• The input function (linear sum of the input
components of x = (x1, …, xn))
x1
x2
xn
.
.
.
∑
w1
w2
wn
treshold
∑
=
n
i
i
i x
w
0
x0=1
w0





−
>
= ∑
=
otherwise
x
w
if
o
n
i
i
i
1
0
1
0
x
w
x
w
x
w
x
w
w
n
i
i
i
n
n ⋅
=
=
+
+
+ ∑
=0
1
1
0 ...
Function sum and treshold (1)
• The activation function (non linear, treshold)
– We want the perceptron active (close to +1) when the correct
inputs are provided and inactive otherwise
– It's better that g is not linear, otherwise the neural network
collapses to a linear function of the input
x1
x2
xn
.
.
.
∑
w1
w2
wn
treshold
∑
=
n
i
i
i x
w
0
x0=1
w0





−
>
= ∑
=
otherwise
x
w
if
o
n
i
i
i
1
0
1
0






= ∑
=
n
i
i
i
n x
w
g
x
x
o
0
1 )
,...,
(
Function sum and treshold (2)
Activation functions
• Step function
• Sign function
• Sigmoid function


 >
=
otherwise
t
x
x
stept
0
1
)
(



−
≥
+
=
altrimenti
x
x
sign
1
0
1
)
(
x
e
x
sigmoide −
+
=
1
1
)
(
1/2
-1
1
1
0
Logistic function (Sigmoid)
The derivative of logistic function has a nice feature:
g’(z) = g(z)(1 - g(z))
Functions represented by the
perceptron
• The perceptron can represent all boolean primitive
functions AND, OR, NAND e NOR
• Some boolean functions can not be represented
– E.g. the XOR function (that is 1 if and only if x1 ≠ x2) requires
more perceptrons
+
+
+
+
+
+
-
-
-
-
-
-
- x1
x2
Non linear classification require a network of perceptrons
Learning: Neuron Error
The rule commonly used to adjust the weights of a neuron is the delta rule or
Widrow-Hoff rule. Let x = (x1, …,xn) provided the input to the neuron.
If t and y are, rispectivly, the desired output and the output neural, the error δ is
given by
δ=t−y.
The delta rule states that the change in the general weight ∆wi is:
∆wi=ηδxi where η ∈ [0,1] is learning rate.
The learning rate determines the learning speed of the neuron.
The delta rule change in a way proportional to the error only the weights of the
connections that have contributed to the error (ie that xi≠0). The new value of
the weights is:
wi = wi+∆wi
x1
x2
xn
.
.
.
∑
w1
w2
wn
soglia
∑
=
n
i
i
i x
w
0
x0=1
w0
y : obtained
t : required
Local and Global Error
Local Error
The local error of the k-th output neuron is given by
εk=(1/2)(tk−yk)2
Its purpose is to be minimized by the change ( delta rule ) the connection weights
wk so that the output yk is as close as possible to desired response tk .
Global error (cost function)
The global error relative to the N output nodes and the M input pattern is given by
where 'n' is the index of the pattern .
For a given training set, the value E is a "cost" function that indicates the
performance of network learning. The learning takes place minimizing this value
through the back-propagation algorithm.
∑
=
−
=
N
M
k
r
k
k r
y
r
t
M
E
,
1
,
2
)
)
(
)
(
(
2
1
Back propagation principle
The back propagation algorithm is a generalization of the delta rule for training
multilayer networks (MLN). This algorithm updates the weights wi of the network
by means of successive iterations, that minimize the cost function of the error E.
The minimization of the error is obtained using the gradient of the cost function,
which consists of the first derivative of the function with respect to all the weights wi
namely:
On the basis of this gradient the weights will be updated with the following
mechanism:
where wi are the weights updated , w0
i are the random weights that initiate the
process of adjustment and η is the learning rate.
( )
E
wi
∂
∂
( )
E
w
w
w
i
i
i
∂
∂
−
= η
0
Gradient descend elements
The gradient descent is an optimization technique of
local type. Given a multi-dimensional mathematical
function, the gradient descent allows you to find a local
minimum of this function.
The technique consists in evaluating, initially in a
random point in the multidimensional space (first step),
and the function itself and its gradient. The gradient,
being a descent direction indicates the direction in
which the function tends to a minimum. It then chooses
another point (second point) in the direction indicated
by the gradient.
Өn+1 = Өn - ⍺Cost’(Өn)
Cost(Ө)
Updating process
33
Feedforward Network Training by
Backpropagation: Process Summary
• Select a network architecture
• Randomly initialize weights
• While error is too large
– Select training pattern and feedforward to find actual network output
– Calculate errors and backpropagate error signals
– Adjust weights
• Evaluate performance using the test set
function BackProp (D, η, nin, nhidden, nout)
– D is the training set consists of m pairs:
– η is the learning rate as an example (0.1)
– nin, nhidden e nout are the numbero of imput hidden and output unit of neural network
Make a feed-forward network with nin, nhidden e nout units
Initialize all the weight to short randomly number (es. [-0.05 0.05] )
Repeat until termination condition are verifyed:
For any sample in D:
Forward propagate the network computing the output ou of every unit u of the
network
Back propagate the errors onto the network:
– For every output unit k, compute the error δk:
– For every hidden unit h compute the error δh:
– Update the network weight wji:
(xji is the input of unit j from coming from unit i)
Backpropagation algorithm (more detail)
{ }
( , )m
i i
x y
)
)(
1
( k
k
k
k
k o
t
o
o −
−
=
δ
∑
∈
−
=
outputs
k
k
kh
h
h
h w
o
o δ
δ )
1
(
,
ji ji ji ji j ji
w w w where w x
ηδ
= + ∆ ∆ =
But does algorithm converges ?
• Gradient algorithm problems:
– May stop at local minima
– A local minimum can give solutions very worst of the global
minimum
– There may be many local minima
• Possible solutions:
training the network with different initial weights, train different
network architectures
Termination conditions
• The process continues until you have exhausted
all of the examples (time), then again
• When do you stop the process? Minimize errors
on the set D (trainning set) is not a good
criterion (overfitting)
• It is preferred to minimize errors on a test set T,
that is, subdivide D in D’∪T, train on D' and use
T to determine the termination condition.
Correct chain: validating
Three subsets of the data set: training set D, validation
test V and test set T
• # nodes in input = # features.
• # nodes in output = # classes.
• # hidden layer = # nodes per level: k-fold cross
validation on the training set.
• Train the network selection with the whole training set,
limiting overfitting with validation set.
• Rate the accuracy on the final test set.
Plot of the error on a trainning set D and
validation test V
Overfitting area
Here the network is learning the data not
the model. Stop the learning when the
error in the validation set start to increase.
NN Training
Error backpropagation
• Limits
– Absence of general theorems of convergence
– May result in local minima of E
– Difficulty for the choice of parameters
– Poor generalization ability, even in the case of good minimization of E
• Possible changes for improvement
– Adaptive learning rate
– Period of time
– Deviations from the steepest descent
– Variations in the architecture (number of hidden layers)
– Inserting backward connections
Error backpropagation
• The learning rate
– Large learning rate, risk of oscillatory behavior
– Small learning rate, slow learning
• Strategies to identify the optimal architecture
– Large network easily, but generalizes poorly
– From a big network remove hidden neurons, if estimate that can continue to
learn even with less neurons
– Small network learns with difficulties, but generalizes well. Starting from a
small network add hidden neurons, if the descent of the function E is too slow
or blocked
Some pratical considerations
• The choice of initial weights has a large impact on the
convergence problem! If the size of the input vectors is N and
N is large, a good heuristic is to choose the initial weights
between -1/N and 1/N
• The BP algorithm is very sensitive to the learning factor η. If
it is too big, the network diverges.
• Sometimes, it is preferable to use different values of η for the
different layers of the network
• The choice of the encoding mode of the inputs and the
architecture of the network can dramatically affect the
performance!
References
[1] Stephen Boyd Convex Optimization Cambridge University Press
(2004)
[2] Christopher M. Bishop Pattern Recognition and Machine Learning
Springer (2007)
[3] Nils J. Nilsson Introduction to Machine Learning Robotics Laboratory
Department of Computer Science Stanford University (1996)
[4] Andrew Ng Stanford University
https://www.coursera.org/course/ml
[5] Ethem Alpaydin Introduction to Machine Learning Second Edition
The MIT Press Cambridge, Massachusett London, England (2010)
[6] Velardi Paola Università di Roma “La Sapienza”
twiki.di.uniroma1.it/pub/ApprAuto/AnnoAcc0708/4Neural.ppt
[7] Francesco Sambo Università degli studi di Padova Apprendimento
automatico e Reti Neurali
http://www.dei.unipd.it/~sambofra/Apprendimento_Automatico_e_
Reti_Neurali-0910.pdf

Más contenido relacionado

Similar a nncollovcapaldo2013-131220052427-phpapp01.pdf

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
 
Chapter 6 - Learning data and analytics course
Chapter 6 - Learning data and analytics courseChapter 6 - Learning data and analytics course
Chapter 6 - Learning data and analytics coursegideymichael
 
Artificial Neural Network (ANN
Artificial Neural Network (ANNArtificial Neural Network (ANN
Artificial Neural Network (ANNAndrew Molina
 
Introduction to Artificial Intelligence
Introduction to Artificial IntelligenceIntroduction to Artificial Intelligence
Introduction to Artificial IntelligenceLuca Bianchi
 
Introduction to Neural networks (under graduate course) Lecture 9 of 9
Introduction to Neural networks (under graduate course) Lecture 9 of 9Introduction to Neural networks (under graduate course) Lecture 9 of 9
Introduction to Neural networks (under graduate course) Lecture 9 of 9Randa Elanwar
 
Neural-Networks.ppt
Neural-Networks.pptNeural-Networks.ppt
Neural-Networks.pptRINUSATHYAN
 
2011 0480.neural-networks
2011 0480.neural-networks2011 0480.neural-networks
2011 0480.neural-networksParneet Kaur
 
Intro to machine learning
Intro to machine learningIntro to machine learning
Intro to machine learningAkshay Kanchan
 
Islamic University Pattern Recognition & Neural Network 2019
Islamic University Pattern Recognition & Neural Network 2019 Islamic University Pattern Recognition & Neural Network 2019
Islamic University Pattern Recognition & Neural Network 2019 Rakibul Hasan Pranto
 
EssentialsOfMachineLearning.pdf
EssentialsOfMachineLearning.pdfEssentialsOfMachineLearning.pdf
EssentialsOfMachineLearning.pdfAnkita Tiwari
 
Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Julien SIMON
 
Supervised Learning.pptx
Supervised Learning.pptxSupervised Learning.pptx
Supervised Learning.pptxShishir Ahmed
 

Similar a nncollovcapaldo2013-131220052427-phpapp01.pdf (20)

Terminology Machine Learning
Terminology Machine LearningTerminology Machine Learning
Terminology Machine Learning
 
Cognitive Science Unit 4
Cognitive Science Unit 4Cognitive Science Unit 4
Cognitive Science Unit 4
 
Artificial neural networks
Artificial neural networks Artificial neural networks
Artificial neural networks
 
Chapter 6 - Learning data and analytics course
Chapter 6 - Learning data and analytics courseChapter 6 - Learning data and analytics course
Chapter 6 - Learning data and analytics course
 
02 Fundamental Concepts of ANN
02 Fundamental Concepts of ANN02 Fundamental Concepts of ANN
02 Fundamental Concepts of ANN
 
Artificial Neural Network (ANN
Artificial Neural Network (ANNArtificial Neural Network (ANN
Artificial Neural Network (ANN
 
Introduction to Artificial Intelligence
Introduction to Artificial IntelligenceIntroduction to Artificial Intelligence
Introduction to Artificial Intelligence
 
Introduction to Neural networks (under graduate course) Lecture 9 of 9
Introduction to Neural networks (under graduate course) Lecture 9 of 9Introduction to Neural networks (under graduate course) Lecture 9 of 9
Introduction to Neural networks (under graduate course) Lecture 9 of 9
 
Neural-Networks.ppt
Neural-Networks.pptNeural-Networks.ppt
Neural-Networks.ppt
 
2011 0480.neural-networks
2011 0480.neural-networks2011 0480.neural-networks
2011 0480.neural-networks
 
Intro to machine learning
Intro to machine learningIntro to machine learning
Intro to machine learning
 
AI: Learning in AI
AI: Learning in AI AI: Learning in AI
AI: Learning in AI
 
AI: Learning in AI
AI: Learning in AI AI: Learning in AI
AI: Learning in AI
 
ANN - UNIT 1.pptx
ANN - UNIT 1.pptxANN - UNIT 1.pptx
ANN - UNIT 1.pptx
 
Islamic University Pattern Recognition & Neural Network 2019
Islamic University Pattern Recognition & Neural Network 2019 Islamic University Pattern Recognition & Neural Network 2019
Islamic University Pattern Recognition & Neural Network 2019
 
Neural
NeuralNeural
Neural
 
Ml ppt at
Ml ppt atMl ppt at
Ml ppt at
 
EssentialsOfMachineLearning.pdf
EssentialsOfMachineLearning.pdfEssentialsOfMachineLearning.pdf
EssentialsOfMachineLearning.pdf
 
Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)
 
Supervised Learning.pptx
Supervised Learning.pptxSupervised Learning.pptx
Supervised Learning.pptx
 

Más de GayathriRHICETCSESTA (20)

nncollovcapaldo2013-131220052427-phpapp01.pdf
nncollovcapaldo2013-131220052427-phpapp01.pdfnncollovcapaldo2013-131220052427-phpapp01.pdf
nncollovcapaldo2013-131220052427-phpapp01.pdf
 
Smart material - Unit 3 (1).pdf
Smart material - Unit 3 (1).pdfSmart material - Unit 3 (1).pdf
Smart material - Unit 3 (1).pdf
 
Unit 2 notes.pdf
Unit 2 notes.pdfUnit 2 notes.pdf
Unit 2 notes.pdf
 
CS8601-IQ.pdf
CS8601-IQ.pdfCS8601-IQ.pdf
CS8601-IQ.pdf
 
CS8601-QB.pdf
CS8601-QB.pdfCS8601-QB.pdf
CS8601-QB.pdf
 
Smart material - Unit 2 (1).pdf
Smart material - Unit 2 (1).pdfSmart material - Unit 2 (1).pdf
Smart material - Unit 2 (1).pdf
 
Smart material - Unit 3 (2).pdf
Smart material - Unit 3 (2).pdfSmart material - Unit 3 (2).pdf
Smart material - Unit 3 (2).pdf
 
Annexure 2 .pdf
Annexure 2  .pdfAnnexure 2  .pdf
Annexure 2 .pdf
 
cs621-lect18-feedforward-network-contd-2009-9-24.ppt
cs621-lect18-feedforward-network-contd-2009-9-24.pptcs621-lect18-feedforward-network-contd-2009-9-24.ppt
cs621-lect18-feedforward-network-contd-2009-9-24.ppt
 
ann-ics320Part4.ppt
ann-ics320Part4.pptann-ics320Part4.ppt
ann-ics320Part4.ppt
 
Smart material - Unit 2 (1).pdf
Smart material - Unit 2 (1).pdfSmart material - Unit 2 (1).pdf
Smart material - Unit 2 (1).pdf
 
alumni form.pdf
alumni form.pdfalumni form.pdf
alumni form.pdf
 
Semester VI.pdf
Semester VI.pdfSemester VI.pdf
Semester VI.pdf
 
cs621-lect18-feedforward-network-contd-2009-9-24.ppt
cs621-lect18-feedforward-network-contd-2009-9-24.pptcs621-lect18-feedforward-network-contd-2009-9-24.ppt
cs621-lect18-feedforward-network-contd-2009-9-24.ppt
 
ann-ics320Part4.ppt
ann-ics320Part4.pptann-ics320Part4.ppt
ann-ics320Part4.ppt
 
Semester V-converted.pdf
Semester V-converted.pdfSemester V-converted.pdf
Semester V-converted.pdf
 
Elective II.pdf
Elective II.pdfElective II.pdf
Elective II.pdf
 
Unit IV Notes.docx
Unit IV Notes.docxUnit IV Notes.docx
Unit IV Notes.docx
 
unit 1 and 2 qb.docx
unit 1 and 2 qb.docxunit 1 and 2 qb.docx
unit 1 and 2 qb.docx
 
CS8601-IQ.pdf
CS8601-IQ.pdfCS8601-IQ.pdf
CS8601-IQ.pdf
 

Último

multiple access in wireless communication
multiple access in wireless communicationmultiple access in wireless communication
multiple access in wireless communicationpanditadesh123
 
Javier_Fernandez_CARS_workshop_presentation.pptx
Javier_Fernandez_CARS_workshop_presentation.pptxJavier_Fernandez_CARS_workshop_presentation.pptx
Javier_Fernandez_CARS_workshop_presentation.pptxJavier Fernández Muñoz
 
"Exploring the Essential Functions and Design Considerations of Spillways in ...
"Exploring the Essential Functions and Design Considerations of Spillways in ..."Exploring the Essential Functions and Design Considerations of Spillways in ...
"Exploring the Essential Functions and Design Considerations of Spillways in ...Erbil Polytechnic University
 
ROBOETHICS-CCS345 ETHICS AND ARTIFICIAL INTELLIGENCE.ppt
ROBOETHICS-CCS345 ETHICS AND ARTIFICIAL INTELLIGENCE.pptROBOETHICS-CCS345 ETHICS AND ARTIFICIAL INTELLIGENCE.ppt
ROBOETHICS-CCS345 ETHICS AND ARTIFICIAL INTELLIGENCE.pptJohnWilliam111370
 
FUNCTIONAL AND NON FUNCTIONAL REQUIREMENT
FUNCTIONAL AND NON FUNCTIONAL REQUIREMENTFUNCTIONAL AND NON FUNCTIONAL REQUIREMENT
FUNCTIONAL AND NON FUNCTIONAL REQUIREMENTSneha Padhiar
 
Forming section troubleshooting checklist for improving wire life (1).ppt
Forming section troubleshooting checklist for improving wire life (1).pptForming section troubleshooting checklist for improving wire life (1).ppt
Forming section troubleshooting checklist for improving wire life (1).pptNoman khan
 
CS 3251 Programming in c all unit notes pdf
CS 3251 Programming in c all unit notes pdfCS 3251 Programming in c all unit notes pdf
CS 3251 Programming in c all unit notes pdfBalamuruganV28
 
Mine Environment II Lab_MI10448MI__________.pptx
Mine Environment II Lab_MI10448MI__________.pptxMine Environment II Lab_MI10448MI__________.pptx
Mine Environment II Lab_MI10448MI__________.pptxRomil Mishra
 
Prach: A Feature-Rich Platform Empowering the Autism Community
Prach: A Feature-Rich Platform Empowering the Autism CommunityPrach: A Feature-Rich Platform Empowering the Autism Community
Prach: A Feature-Rich Platform Empowering the Autism Communityprachaibot
 
priority interrupt computer organization
priority interrupt computer organizationpriority interrupt computer organization
priority interrupt computer organizationchnrketan
 
Novel 3D-Printed Soft Linear and Bending Actuators
Novel 3D-Printed Soft Linear and Bending ActuatorsNovel 3D-Printed Soft Linear and Bending Actuators
Novel 3D-Printed Soft Linear and Bending ActuatorsResearcher Researcher
 
Gravity concentration_MI20612MI_________
Gravity concentration_MI20612MI_________Gravity concentration_MI20612MI_________
Gravity concentration_MI20612MI_________Romil Mishra
 
Robotics Group 10 (Control Schemes) cse.pdf
Robotics Group 10  (Control Schemes) cse.pdfRobotics Group 10  (Control Schemes) cse.pdf
Robotics Group 10 (Control Schemes) cse.pdfsahilsajad201
 
Stork Webinar | APM Transformational planning, Tool Selection & Performance T...
Stork Webinar | APM Transformational planning, Tool Selection & Performance T...Stork Webinar | APM Transformational planning, Tool Selection & Performance T...
Stork Webinar | APM Transformational planning, Tool Selection & Performance T...Stork
 
Levelling - Rise and fall - Height of instrument method
Levelling - Rise and fall - Height of instrument methodLevelling - Rise and fall - Height of instrument method
Levelling - Rise and fall - Height of instrument methodManicka Mamallan Andavar
 
DEVICE DRIVERS AND INTERRUPTS SERVICE MECHANISM.pdf
DEVICE DRIVERS AND INTERRUPTS  SERVICE MECHANISM.pdfDEVICE DRIVERS AND INTERRUPTS  SERVICE MECHANISM.pdf
DEVICE DRIVERS AND INTERRUPTS SERVICE MECHANISM.pdfAkritiPradhan2
 
Comparative study of High-rise Building Using ETABS,SAP200 and SAFE., SAFE an...
Comparative study of High-rise Building Using ETABS,SAP200 and SAFE., SAFE an...Comparative study of High-rise Building Using ETABS,SAP200 and SAFE., SAFE an...
Comparative study of High-rise Building Using ETABS,SAP200 and SAFE., SAFE an...Erbil Polytechnic University
 
Input Output Management in Operating System
Input Output Management in Operating SystemInput Output Management in Operating System
Input Output Management in Operating SystemRashmi Bhat
 
CME 397 - SURFACE ENGINEERING - UNIT 1 FULL NOTES
CME 397 - SURFACE ENGINEERING - UNIT 1 FULL NOTESCME 397 - SURFACE ENGINEERING - UNIT 1 FULL NOTES
CME 397 - SURFACE ENGINEERING - UNIT 1 FULL NOTESkarthi keyan
 

Último (20)

multiple access in wireless communication
multiple access in wireless communicationmultiple access in wireless communication
multiple access in wireless communication
 
Javier_Fernandez_CARS_workshop_presentation.pptx
Javier_Fernandez_CARS_workshop_presentation.pptxJavier_Fernandez_CARS_workshop_presentation.pptx
Javier_Fernandez_CARS_workshop_presentation.pptx
 
"Exploring the Essential Functions and Design Considerations of Spillways in ...
"Exploring the Essential Functions and Design Considerations of Spillways in ..."Exploring the Essential Functions and Design Considerations of Spillways in ...
"Exploring the Essential Functions and Design Considerations of Spillways in ...
 
ROBOETHICS-CCS345 ETHICS AND ARTIFICIAL INTELLIGENCE.ppt
ROBOETHICS-CCS345 ETHICS AND ARTIFICIAL INTELLIGENCE.pptROBOETHICS-CCS345 ETHICS AND ARTIFICIAL INTELLIGENCE.ppt
ROBOETHICS-CCS345 ETHICS AND ARTIFICIAL INTELLIGENCE.ppt
 
FUNCTIONAL AND NON FUNCTIONAL REQUIREMENT
FUNCTIONAL AND NON FUNCTIONAL REQUIREMENTFUNCTIONAL AND NON FUNCTIONAL REQUIREMENT
FUNCTIONAL AND NON FUNCTIONAL REQUIREMENT
 
Forming section troubleshooting checklist for improving wire life (1).ppt
Forming section troubleshooting checklist for improving wire life (1).pptForming section troubleshooting checklist for improving wire life (1).ppt
Forming section troubleshooting checklist for improving wire life (1).ppt
 
CS 3251 Programming in c all unit notes pdf
CS 3251 Programming in c all unit notes pdfCS 3251 Programming in c all unit notes pdf
CS 3251 Programming in c all unit notes pdf
 
Mine Environment II Lab_MI10448MI__________.pptx
Mine Environment II Lab_MI10448MI__________.pptxMine Environment II Lab_MI10448MI__________.pptx
Mine Environment II Lab_MI10448MI__________.pptx
 
Prach: A Feature-Rich Platform Empowering the Autism Community
Prach: A Feature-Rich Platform Empowering the Autism CommunityPrach: A Feature-Rich Platform Empowering the Autism Community
Prach: A Feature-Rich Platform Empowering the Autism Community
 
priority interrupt computer organization
priority interrupt computer organizationpriority interrupt computer organization
priority interrupt computer organization
 
Designing pile caps according to ACI 318-19.pptx
Designing pile caps according to ACI 318-19.pptxDesigning pile caps according to ACI 318-19.pptx
Designing pile caps according to ACI 318-19.pptx
 
Novel 3D-Printed Soft Linear and Bending Actuators
Novel 3D-Printed Soft Linear and Bending ActuatorsNovel 3D-Printed Soft Linear and Bending Actuators
Novel 3D-Printed Soft Linear and Bending Actuators
 
Gravity concentration_MI20612MI_________
Gravity concentration_MI20612MI_________Gravity concentration_MI20612MI_________
Gravity concentration_MI20612MI_________
 
Robotics Group 10 (Control Schemes) cse.pdf
Robotics Group 10  (Control Schemes) cse.pdfRobotics Group 10  (Control Schemes) cse.pdf
Robotics Group 10 (Control Schemes) cse.pdf
 
Stork Webinar | APM Transformational planning, Tool Selection & Performance T...
Stork Webinar | APM Transformational planning, Tool Selection & Performance T...Stork Webinar | APM Transformational planning, Tool Selection & Performance T...
Stork Webinar | APM Transformational planning, Tool Selection & Performance T...
 
Levelling - Rise and fall - Height of instrument method
Levelling - Rise and fall - Height of instrument methodLevelling - Rise and fall - Height of instrument method
Levelling - Rise and fall - Height of instrument method
 
DEVICE DRIVERS AND INTERRUPTS SERVICE MECHANISM.pdf
DEVICE DRIVERS AND INTERRUPTS  SERVICE MECHANISM.pdfDEVICE DRIVERS AND INTERRUPTS  SERVICE MECHANISM.pdf
DEVICE DRIVERS AND INTERRUPTS SERVICE MECHANISM.pdf
 
Comparative study of High-rise Building Using ETABS,SAP200 and SAFE., SAFE an...
Comparative study of High-rise Building Using ETABS,SAP200 and SAFE., SAFE an...Comparative study of High-rise Building Using ETABS,SAP200 and SAFE., SAFE an...
Comparative study of High-rise Building Using ETABS,SAP200 and SAFE., SAFE an...
 
Input Output Management in Operating System
Input Output Management in Operating SystemInput Output Management in Operating System
Input Output Management in Operating System
 
CME 397 - SURFACE ENGINEERING - UNIT 1 FULL NOTES
CME 397 - SURFACE ENGINEERING - UNIT 1 FULL NOTESCME 397 - SURFACE ENGINEERING - UNIT 1 FULL NOTES
CME 397 - SURFACE ENGINEERING - UNIT 1 FULL NOTES
 

nncollovcapaldo2013-131220052427-phpapp01.pdf

  • 1. Machine Learning: Introduction to Neural Networks Francesco Collovà Raffaele Capaldo francesco.collova@gmail.com raffaele.capaldo@gmail.com http://uroutes.blogspot.it/ 20/12/2013 - Francesco Collovà Raffaele Capaldo
  • 2. Machine Learning Definition In 1959, Arthur Samuel defined machine learning as a "Field of study that gives computers the ability to learn without being explicitly programmed".[1] Tom M. Mitchell provided a widely quoted, more formal definition: "A computer program is said to learn from experience E with respect to some class of tasks T and performance measure P, if its performance at tasks in T, as measured by P, improves with experience E" [2] This definition is notable for its defining machine learning in fundamentally operational rather than cognitive terms, thus following Alan Turing's proposal in Turing's paper "Computing Machinery and Intelligence" that the question "Can machines think?" be replaced with the question "Can machines do what we (as thinking entities) can do?“ [3] [1] Phil Simon (March 18, 2013). Too Big to Ignore: The Business Case for Big Data. Wiley. p. 89. ISBN 978-1118638170. [2] Mitchell, T. (1997). Machine Learning, McGraw Hill. ISBN 0-07-042807-7, p.2. [3] Harnad, Stevan (2008), "The Annotation Game: On Turing (1950) on Computing, Machinery, and Intelligence", in Epstein, Robert; Peters, Grace, The Turing Test Sourcebook: Philosophical and Methodological Issues in the Quest for the Thinking Computer, Kluwer
  • 3. Machine Learning Algo • Supervised Learning • Unsupervised Learning • Others: reinforcement learning, recommender systems.
  • 4. Examples Supervised/Unsupervised • Set of email labeled as Spam/noSpam, learn a spam filter; • Given a set of news articles found on the web, group them into set of articles about the same story • Database of customer data: automatically discover market segments and group customers into different market segments; • Given a dataset of patients diagnosed has having diabetes or not, learn to classify new patients having diabetes or not;
  • 5. Classification: Supervised Learning • Supervised learning is the machine learning task of inferring a function from labeled training data. The training data consist of a set of training examples . • In supervised learning, each example is a pair consisting of an input object (typically a vector) and a desired output value (also called the supervisory signal). • A supervised learning algorithm analyzes the training data and produces an inferred function, which can be used for mapping new examples. An optimal scenario will allow for the algorithm to correctly determine the class labels for unseen instances. • This requires the learning algorithm to generalize from the training data to unseen situations in a "reasonable" way (see inductive bias). http://en.wikipedia.org/wiki/Supervised_learning
  • 6. Clustering: Unsupervised Learning • Unsupervised learning is the machine learning task of inferring a function from unlabeled training data. The training data consist of a set of training examples . • In unsupervised learning, each example is consisting of only input object (typically a vector) whitout output value (targets). • A unsupervised learning algorithm analyzes the training data, separating and grouping (clustering) with the similarity metric, without using comparisons with output data. It is an autonomous learning and there is no external control on the error. • Models that use this type of learning are: -Self-Organizing Maps (SOM) of Kohonen -Hopfield Networks http://en.wikipedia.org/wiki/Supervised_learning
  • 7. Supervised learning: classification problem • The problem is then reduced to the determination of the set of best weights (w0, w1, …, wn) to minimize the classification errors. • So the hypothesis space H is infinite and is given by all the possible assignments of values to the n +1 weights (w0, w1, …, wn): } : { 1 + ℜ ∈ = n w w H
  • 8. Supervised Learning To describe the supervised learning problem slightly more formally, our goal is, given a training set, to learn a function h : X → Y so that h(x) is a “good” predictor for the corresponding value of y. For historical reasons, this function h is called a hypothesis. When the target variable that we’re trying to predict is continuous, we call the learning problem a regression problem. When y can take on only a small number of discrete values, we call it a classification problem.
  • 9. Linear classification Find the parameters that minimize the squared distance between the data set and the decision boundary
  • 12. Overfitting Learn the “data”and not the underlying function Overfitting may occur when learned function performs well on the data used during the training and poorly with new data.
  • 13. Neural Networks: history • Artificial Neural Networks (ANN) are a simulation abstract of our nervous system, which contains a collection of neurons which communicate each other through connections called axons • The ANN model has a certain resemblance to the axons and dendrites in a nervous system • The first model of neural networks was proposed in 1943 by McCulloch and Pitts in terms of a computational model of neural activity. • This model was followed by other proposed by John Von Neumann, Marvin Minsky, Frank Rosenblatt, and many others
  • 14. Brain Neurons • Many neurons possess arboreal structures called dendrites which receive signals from other neurons via junctions called synapses • Some neurons communicate by means of a few synapses, others possess thousands axon dendrites dendrite Synapse nucleus
  • 15. Functioning of a Neuron • It is estimated that the human brain contains over 100 billion neurons and that a neuron can have over 1000 synapses in the input and output • Switching time of a few milliseconds (much slower than a logic gate), but connectivity hundreds of times higher; • A neuron transmits information to other neurons through its axon; • The axon transmits electrical impulses, which depend on its potential; • The transmitted data can be excitatory or inhibitory; • A neuron receives input signals of various nature, which are summed; • If the excitatory influence is predominant, the neuron is activated and generates informational messages to the output synapses;
  • 16. Neural Network and the Brain There is this fascinating hypothesis that the way the brain does all of these different things is not worth like a thousand different programs, but instead, the way the brain does it is worth just a single learning algorithm.
  • 18. Structure of a Neural Network • A neural network consists of: – A set of nodes (neurons) or units connected by links – A set of weights associated with links – A set of thresholds or levels of activation • The design of a neural network requires: – The choice of the number and type of units – The determination of the morphological structure (layers) – Coding of training examples, in terms of inputs and outputs from the network – The initialization and training of the weights on the interconnections through the training set
  • 19. Multi Layer Network Feedforward • Feedforward Neural Networks – Each unit is connected only to that of the next layer – The processing proceeds smoothly from the input unit to output – There is no feedback (directed acyclic graph or DAG) – They have no internal state input hidden output
  • 20. Multi Layer Network Feedforward Perceptron
  • 21. Problems solvable with Neural Networks • Network characteristics: – Instances are represented by many features in many of the values, also real – The target objective function can be real-valued – Examples can be noisy – The training time can be long – The evaluation of the network must be able to be made quickly learned – It isn't crucial to understand the semantics of the function wait • Applications: robotics, image understanding, biological systems, financial predictions, etc..
  • 22. The Perceptron • The perceptron is milestone of neural networks • Idea belong to Rosenblatt (1962) • Tries to simulate the operation of the single neuron x1 x2 xn . . . ∑ w1 w2 wn soglia ∑ = n i i i x w 0 x0=1 w0      − > = ∑ = otherwise x w if o n i i i 1 0 1 0
  • 23. • The output values ​​are boolean: 0 or 1 • The inputs xi and weights wi are positive or negative real values • Three elements: inputs, sum, threshold • The learning is to select weights and threshold The Perceptron x1 x2 xn . . . ∑ w1 w2 wn soglia ∑ = n i i i x w 0 x0=1 w0      − > = ∑ = otherwise x w if o n i i i 1 0 1 0
  • 24. • The input function (linear sum of the input components of x = (x1, …, xn)) x1 x2 xn . . . ∑ w1 w2 wn treshold ∑ = n i i i x w 0 x0=1 w0      − > = ∑ = otherwise x w if o n i i i 1 0 1 0 x w x w x w x w w n i i i n n ⋅ = = + + + ∑ =0 1 1 0 ... Function sum and treshold (1)
  • 25. • The activation function (non linear, treshold) – We want the perceptron active (close to +1) when the correct inputs are provided and inactive otherwise – It's better that g is not linear, otherwise the neural network collapses to a linear function of the input x1 x2 xn . . . ∑ w1 w2 wn treshold ∑ = n i i i x w 0 x0=1 w0      − > = ∑ = otherwise x w if o n i i i 1 0 1 0       = ∑ = n i i i n x w g x x o 0 1 ) ,..., ( Function sum and treshold (2)
  • 26. Activation functions • Step function • Sign function • Sigmoid function    > = otherwise t x x stept 0 1 ) (    − ≥ + = altrimenti x x sign 1 0 1 ) ( x e x sigmoide − + = 1 1 ) ( 1/2 -1 1 1 0
  • 27. Logistic function (Sigmoid) The derivative of logistic function has a nice feature: g’(z) = g(z)(1 - g(z))
  • 28. Functions represented by the perceptron • The perceptron can represent all boolean primitive functions AND, OR, NAND e NOR • Some boolean functions can not be represented – E.g. the XOR function (that is 1 if and only if x1 ≠ x2) requires more perceptrons + + + + + + - - - - - - - x1 x2 Non linear classification require a network of perceptrons
  • 29. Learning: Neuron Error The rule commonly used to adjust the weights of a neuron is the delta rule or Widrow-Hoff rule. Let x = (x1, …,xn) provided the input to the neuron. If t and y are, rispectivly, the desired output and the output neural, the error δ is given by δ=t−y. The delta rule states that the change in the general weight ∆wi is: ∆wi=ηδxi where η ∈ [0,1] is learning rate. The learning rate determines the learning speed of the neuron. The delta rule change in a way proportional to the error only the weights of the connections that have contributed to the error (ie that xi≠0). The new value of the weights is: wi = wi+∆wi x1 x2 xn . . . ∑ w1 w2 wn soglia ∑ = n i i i x w 0 x0=1 w0 y : obtained t : required
  • 30. Local and Global Error Local Error The local error of the k-th output neuron is given by εk=(1/2)(tk−yk)2 Its purpose is to be minimized by the change ( delta rule ) the connection weights wk so that the output yk is as close as possible to desired response tk . Global error (cost function) The global error relative to the N output nodes and the M input pattern is given by where 'n' is the index of the pattern . For a given training set, the value E is a "cost" function that indicates the performance of network learning. The learning takes place minimizing this value through the back-propagation algorithm. ∑ = − = N M k r k k r y r t M E , 1 , 2 ) ) ( ) ( ( 2 1
  • 31. Back propagation principle The back propagation algorithm is a generalization of the delta rule for training multilayer networks (MLN). This algorithm updates the weights wi of the network by means of successive iterations, that minimize the cost function of the error E. The minimization of the error is obtained using the gradient of the cost function, which consists of the first derivative of the function with respect to all the weights wi namely: On the basis of this gradient the weights will be updated with the following mechanism: where wi are the weights updated , w0 i are the random weights that initiate the process of adjustment and η is the learning rate. ( ) E wi ∂ ∂ ( ) E w w w i i i ∂ ∂ − = η 0
  • 32. Gradient descend elements The gradient descent is an optimization technique of local type. Given a multi-dimensional mathematical function, the gradient descent allows you to find a local minimum of this function. The technique consists in evaluating, initially in a random point in the multidimensional space (first step), and the function itself and its gradient. The gradient, being a descent direction indicates the direction in which the function tends to a minimum. It then chooses another point (second point) in the direction indicated by the gradient. Өn+1 = Өn - ⍺Cost’(Өn) Cost(Ө) Updating process
  • 33. 33 Feedforward Network Training by Backpropagation: Process Summary • Select a network architecture • Randomly initialize weights • While error is too large – Select training pattern and feedforward to find actual network output – Calculate errors and backpropagate error signals – Adjust weights • Evaluate performance using the test set
  • 34. function BackProp (D, η, nin, nhidden, nout) – D is the training set consists of m pairs: – η is the learning rate as an example (0.1) – nin, nhidden e nout are the numbero of imput hidden and output unit of neural network Make a feed-forward network with nin, nhidden e nout units Initialize all the weight to short randomly number (es. [-0.05 0.05] ) Repeat until termination condition are verifyed: For any sample in D: Forward propagate the network computing the output ou of every unit u of the network Back propagate the errors onto the network: – For every output unit k, compute the error δk: – For every hidden unit h compute the error δh: – Update the network weight wji: (xji is the input of unit j from coming from unit i) Backpropagation algorithm (more detail) { } ( , )m i i x y ) )( 1 ( k k k k k o t o o − − = δ ∑ ∈ − = outputs k k kh h h h w o o δ δ ) 1 ( , ji ji ji ji j ji w w w where w x ηδ = + ∆ ∆ =
  • 35. But does algorithm converges ? • Gradient algorithm problems: – May stop at local minima – A local minimum can give solutions very worst of the global minimum – There may be many local minima • Possible solutions: training the network with different initial weights, train different network architectures
  • 36. Termination conditions • The process continues until you have exhausted all of the examples (time), then again • When do you stop the process? Minimize errors on the set D (trainning set) is not a good criterion (overfitting) • It is preferred to minimize errors on a test set T, that is, subdivide D in D’∪T, train on D' and use T to determine the termination condition.
  • 37. Correct chain: validating Three subsets of the data set: training set D, validation test V and test set T • # nodes in input = # features. • # nodes in output = # classes. • # hidden layer = # nodes per level: k-fold cross validation on the training set. • Train the network selection with the whole training set, limiting overfitting with validation set. • Rate the accuracy on the final test set.
  • 38. Plot of the error on a trainning set D and validation test V Overfitting area Here the network is learning the data not the model. Stop the learning when the error in the validation set start to increase. NN Training
  • 39. Error backpropagation • Limits – Absence of general theorems of convergence – May result in local minima of E – Difficulty for the choice of parameters – Poor generalization ability, even in the case of good minimization of E • Possible changes for improvement – Adaptive learning rate – Period of time – Deviations from the steepest descent – Variations in the architecture (number of hidden layers) – Inserting backward connections
  • 40. Error backpropagation • The learning rate – Large learning rate, risk of oscillatory behavior – Small learning rate, slow learning • Strategies to identify the optimal architecture – Large network easily, but generalizes poorly – From a big network remove hidden neurons, if estimate that can continue to learn even with less neurons – Small network learns with difficulties, but generalizes well. Starting from a small network add hidden neurons, if the descent of the function E is too slow or blocked
  • 41. Some pratical considerations • The choice of initial weights has a large impact on the convergence problem! If the size of the input vectors is N and N is large, a good heuristic is to choose the initial weights between -1/N and 1/N • The BP algorithm is very sensitive to the learning factor η. If it is too big, the network diverges. • Sometimes, it is preferable to use different values of η for the different layers of the network • The choice of the encoding mode of the inputs and the architecture of the network can dramatically affect the performance!
  • 42. References [1] Stephen Boyd Convex Optimization Cambridge University Press (2004) [2] Christopher M. Bishop Pattern Recognition and Machine Learning Springer (2007) [3] Nils J. Nilsson Introduction to Machine Learning Robotics Laboratory Department of Computer Science Stanford University (1996) [4] Andrew Ng Stanford University https://www.coursera.org/course/ml [5] Ethem Alpaydin Introduction to Machine Learning Second Edition The MIT Press Cambridge, Massachusett London, England (2010) [6] Velardi Paola Università di Roma “La Sapienza” twiki.di.uniroma1.it/pub/ApprAuto/AnnoAcc0708/4Neural.ppt [7] Francesco Sambo Università degli studi di Padova Apprendimento automatico e Reti Neurali http://www.dei.unipd.it/~sambofra/Apprendimento_Automatico_e_ Reti_Neurali-0910.pdf