In
machine learning
Machine learning (ML) is a field of study in artificial intelligence concerned with the development and study of Computational statistics, statistical algorithms that can learn from data and generalise to unseen data, and thus perform Task ( ...
, backpropagation is a
gradient
In vector calculus, the gradient of a scalar-valued differentiable function f of several variables is the vector field (or vector-valued function) \nabla f whose value at a point p gives the direction and the rate of fastest increase. The g ...
computation method commonly used for training a
neural network
A neural network is a group of interconnected units called neurons that send signals to one another. Neurons can be either biological cells or signal pathways. While individual neurons are simple, many of them together in a network can perfor ...
to compute its parameter updates.
It is an efficient application of the
chain rule
In calculus, the chain rule is a formula that expresses the derivative of the Function composition, composition of two differentiable functions and in terms of the derivatives of and . More precisely, if h=f\circ g is the function such that h ...
to neural networks. Backpropagation computes the
gradient
In vector calculus, the gradient of a scalar-valued differentiable function f of several variables is the vector field (or vector-valued function) \nabla f whose value at a point p gives the direction and the rate of fastest increase. The g ...
of a
loss function with respect to the
weights of the network for a single input–output example, and does so
efficiently, computing the gradient one layer at a time,
iterating backward from the last layer to avoid redundant calculations of intermediate terms in the chain rule; this can be derived through
dynamic programming.
Strictly speaking, the term ''backpropagation'' refers only to an algorithm for efficiently computing the gradient, not how the gradient is used; but the term is often used loosely to refer to the entire learning algorithm – including how the gradient is used, such as by
stochastic gradient descent
Stochastic gradient descent (often abbreviated SGD) is an Iterative method, iterative method for optimizing an objective function with suitable smoothness properties (e.g. Differentiable function, differentiable or Subderivative, subdifferentiable ...
, or as an intermediate step in a more complicated optimizer, such as
Adaptive Moment Estimation. The local minimum convergence, exploding gradient, vanishing gradient, and weak control of learning rate are main disadvantages of these optimization algorithms. The
Hessian and quasi-Hessian optimizers solve only local minimum convergence problem, and the backpropagation works longer. These problems caused researchers to develop hybrid and fractional optimization algorithms.
Backpropagation had multiple discoveries and partial discoveries, with a tangled history and terminology. See the
history
History is the systematic study of the past, focusing primarily on the Human history, human past. As an academic discipline, it analyses and interprets evidence to construct narratives about what happened and explain why it happened. Some t ...
section for details. Some other names for the technique include "reverse mode of
automatic differentiation" or "
reverse accumulation".
[, "The back-propagation algorithm described here is only one approach to automatic differentiation. It is a special case of a broader class of techniques called ''reverse mode accumulation''."]
Overview
Backpropagation computes the gradient in
weight space of a feedforward neural network, with respect to a
loss function. Denote:
*
: input (vector of features)
*
: target output
*:For classification, output will be a vector of class probabilities (e.g.,
, and target output is a specific class, encoded by the
one-hot/
dummy variable (e.g.,
).
*
:
loss function or "cost function"
*:For classification, this is usually
cross-entropy (XC,
log loss), while for regression it is usually
squared error loss (SEL).
*
: the number of layers
*
: the weights between layer
and
, where
is the weight between the
-th node in layer
and the
-th node in layer
*
:
activation function
The activation function of a node in an artificial neural network is a function that calculates the output of the node based on its individual inputs and their weights. Nontrivial problems can be solved using only a few nodes if the activation f ...
s at layer
*:For classification the last layer is usually the
logistic function
A logistic function or logistic curve is a common S-shaped curve ( sigmoid curve) with the equation
f(x) = \frac
where
The logistic function has domain the real numbers, the limit as x \to -\infty is 0, and the limit as x \to +\infty is L.
...
for binary classification, and
softmax (softargmax) for multi-class classification, while for the hidden layers this was traditionally a
sigmoid function
A sigmoid function is any mathematical function whose graph of a function, graph has a characteristic S-shaped or sigmoid curve.
A common example of a sigmoid function is the logistic function, which is defined by the formula
:\sigma(x ...
(logistic function or others) on each node (coordinate), but today is more varied, with
rectifier
A rectifier is an electrical device that converts alternating current (AC), which periodically reverses direction, to direct current (DC), which flows in only one direction.
The process is known as ''rectification'', since it "straightens" t ...
(
ramp,
ReLU
In the context of Neural network (machine learning), artificial neural networks, the rectifier or ReLU (rectified linear unit) activation function is an activation function defined as the non-negative part of its argument, i.e., the ramp function ...
) being common.
*
: activation of the
-th node in layer
.
In the derivation of backpropagation, other intermediate quantities are used by introducing them as needed below. Bias terms are not treated specially since they correspond to a weight with a fixed input of 1. For backpropagation the specific loss function and activation functions do not matter as long as they and their derivatives can be evaluated efficiently. Traditional activation functions include sigmoid,
tanh
In mathematics, hyperbolic functions are analogues of the ordinary trigonometric functions, but defined using the hyperbola rather than the circle. Just as the points form a circle with a unit radius, the points form the right half of the u ...
, and
ReLU
In the context of Neural network (machine learning), artificial neural networks, the rectifier or ReLU (rectified linear unit) activation function is an activation function defined as the non-negative part of its argument, i.e., the ramp function ...
.
Swish,
mish, and other activation functions have since been proposed as well.
The overall network is a combination of
function composition
In mathematics, the composition operator \circ takes two function (mathematics), functions, f and g, and returns a new function h(x) := (g \circ f) (x) = g(f(x)). Thus, the function is function application, applied after applying to . (g \c ...
and
matrix multiplication
In mathematics, specifically in linear algebra, matrix multiplication is a binary operation that produces a matrix (mathematics), matrix from two matrices. For matrix multiplication, the number of columns in the first matrix must be equal to the n ...
:
:
For a training set there will be a set of input–output pairs,
. For each input–output pair
in the training set, the loss of the model on that pair is the cost of the difference between the predicted output
and the target output
:
:
Note the distinction: during model evaluation the weights are fixed while the inputs vary (and the target output may be unknown), and the network ends with the output layer (it does not include the loss function). During model training the input–output pair is fixed while the weights vary, and the network ends with the loss function.
Backpropagation computes the gradient for a ''fixed'' input–output pair
, where the weights
can vary. Each individual component of the gradient,
can be computed by the chain rule; but doing this separately for each weight is inefficient. Backpropagation efficiently computes the gradient by avoiding duplicate calculations and not computing unnecessary intermediate values, by computing the gradient of each layer – specifically the gradient of the weighted ''input'' of each layer, denoted by
– from back to front.
Informally, the key point is that since the only way a weight in
affects the loss is through its effect on the ''next'' layer, and it does so ''linearly'',
are the only data you need to compute the gradients of the weights at layer
, and then the gradients of weights of previous layer can be computed by
and repeated recursively. This avoids inefficiency in two ways. First, it avoids duplication because when computing the gradient at layer
, it is unnecessary to recompute all derivatives on later layers
each time. Second, it avoids unnecessary intermediate calculations, because at each stage it directly computes the gradient of the weights with respect to the ultimate output (the loss), rather than unnecessarily computing the derivatives of the values of hidden layers with respect to changes in weights
.
Backpropagation can be expressed for simple feedforward networks in terms of
matrix multiplication
In mathematics, specifically in linear algebra, matrix multiplication is a binary operation that produces a matrix (mathematics), matrix from two matrices. For matrix multiplication, the number of columns in the first matrix must be equal to the n ...
, or more generally in terms of the
adjoint graph.
Matrix multiplication
For the basic case of a feedforward network, where nodes in each layer are connected only to nodes in the immediate next layer (without skipping any layers), and there is a loss function that computes a scalar loss for the final output, backpropagation can be understood simply by matrix multiplication. Essentially, backpropagation evaluates the expression for the derivative of the cost function as a product of derivatives between each layer ''from right to left'' – "backwards" – with the gradient of the weights between each layer being a simple modification of the partial products (the "backwards propagated error").
Given an input–output pair
, the loss is:
:
To compute this, one starts with the input
and works forward; denote the weighted input of each hidden layer as
and the output of hidden layer
as the activation
. For backpropagation, the activation
as well as the derivatives
(evaluated at
) must be cached for use during the backwards pass.
The derivative of the loss in terms of the inputs is given by the chain rule; note that each term is a
total derivative
In mathematics, the total derivative of a function at a point is the best linear approximation near this point of the function with respect to its arguments. Unlike partial derivatives, the total derivative approximates the function with res ...
, evaluated at the value of the network (at each node) on the input
:
:
where
is a
diagonal matrix
In linear algebra, a diagonal matrix is a matrix in which the entries outside the main diagonal are all zero; the term usually refers to square matrices. Elements of the main diagonal can either be zero or nonzero. An example of a 2×2 diagon ...
.
These terms are: the derivative of the loss function; the derivatives of the activation functions; and the matrices of weights:
:
The gradient
is the
transpose
In linear algebra, the transpose of a Matrix (mathematics), matrix is an operator which flips a matrix over its diagonal;
that is, it switches the row and column indices of the matrix by producing another matrix, often denoted by (among other ...
of the derivative of the output in terms of the input, so the matrices are transposed and the order of multiplication is reversed, but the entries are the same:
:
Backpropagation then consists essentially of evaluating this expression from right to left (equivalently, multiplying the previous expression for the derivative from left to right), computing the gradient at each layer on the way; there is an added step, because the gradient of the weights is not just a subexpression: there's an extra multiplication.
Introducing the auxiliary quantity
for the partial products (multiplying from right to left), interpreted as the "error at level
" and defined as the gradient of the input values at level
:
:
Note that
is a vector, of length equal to the number of nodes in level
; each component is interpreted as the "cost attributable to (the value of) that node".
The gradient of the weights in layer
is then:
:
The factor of
is because the weights
between level
and
affect level
proportionally to the inputs (activations): the inputs are fixed, the weights vary.
The
can easily be computed recursively, going from right to left, as:
:
The gradients of the weights can thus be computed using a few matrix multiplications for each level; this is backpropagation.
Compared with naively computing forwards (using the
for illustration):
:
There are two key differences with backpropagation:
# Computing
in terms of
avoids the obvious duplicate multiplication of layers
and beyond.
# Multiplying starting from
– propagating the error ''backwards'' – means that each step simply multiplies a vector (
) by the matrices of weights
and derivatives of activations
. By contrast, multiplying forwards, starting from the changes at an earlier layer, means that each multiplication multiplies a ''matrix'' by a ''matrix''. This is much more expensive, and corresponds to tracking every possible path of a change in one layer
forward to changes in the layer
(for multiplying
by
, with additional multiplications for the derivatives of the activations), which unnecessarily computes the intermediate quantities of how weight changes affect the values of hidden nodes.
Adjoint graph
For more general graphs, and other advanced variations, backpropagation can be understood in terms of
automatic differentiation, where backpropagation is a special case of
reverse accumulation (or "reverse mode").
Intuition
Motivation
The goal of any
supervised learning
In machine learning, supervised learning (SL) is a paradigm where a Statistical model, model is trained using input objects (e.g. a vector of predictor variables) and desired output values (also known as a ''supervisory signal''), which are often ...
algorithm is to find a function that best maps a set of inputs to their correct output. The motivation for backpropagation is to train a multi-layered neural network such that it can learn the appropriate internal representations to allow it to learn any arbitrary mapping of input to output.
Learning as an optimization problem
To understand the mathematical derivation of the backpropagation algorithm, it helps to first develop some intuition about the relationship between the actual output of a neuron and the correct output for a particular training example. Consider a simple neural network with two input units, one output unit and no hidden units, and in which each neuron uses a
linear output (unlike most work on neural networks, in which mapping from inputs to outputs is non-linear) that is the weighted sum of its input.

Initially, before training, the weights will be set randomly. Then the neuron learns from
training examples, which in this case consist of a set of
tuple
In mathematics, a tuple is a finite sequence or ''ordered list'' of numbers or, more generally, mathematical objects, which are called the ''elements'' of the tuple. An -tuple is a tuple of elements, where is a non-negative integer. There is o ...
s
where
and
are the inputs to the network and is the correct output (the output the network should produce given those inputs, when it has been trained). The initial network, given
and
, will compute an output that likely differs from (given random weights). A
loss function is used for measuring the discrepancy between the target output and the computed output . For
regression analysis problems the squared error can be used as a loss function, for
classification
Classification is the activity of assigning objects to some pre-existing classes or categories. This is distinct from the task of establishing the classes themselves (for example through cluster analysis). Examples include diagnostic tests, identif ...
the
categorical cross-entropy can be used.
As an example consider a regression problem using the square error as a loss:
:
where is the discrepancy or error.
Consider the network on a single training case:
. Thus, the input
and
are 1 and 1 respectively and the correct output, is 0. Now if the relation is plotted between the network's output on the horizontal axis and the error on the vertical axis, the result is a parabola. The
minimum of the
parabola
In mathematics, a parabola is a plane curve which is Reflection symmetry, mirror-symmetrical and is approximately U-shaped. It fits several superficially different Mathematics, mathematical descriptions, which can all be proved to define exactl ...
corresponds to the output which minimizes the error . For a single training case, the minimum also touches the horizontal axis, which means the error will be zero and the network can produce an output that exactly matches the target output . Therefore, the problem of mapping inputs to outputs can be reduced to an
optimization problem
In mathematics, engineering, computer science and economics
Economics () is a behavioral science that studies the Production (economics), production, distribution (economics), distribution, and Consumption (economics), consumption of goo ...
of finding a function that will produce the minimal error.

However, the output of a neuron depends on the weighted sum of all its inputs:
:
where
and
are the weights on the connection from the input units to the output unit. Therefore, the error also depends on the incoming weights to the neuron, which is ultimately what needs to be changed in the network to enable learning.
In this example, upon injecting the training data
, the loss function becomes
Then, the loss function
takes the form of a parabolic cylinder with its base directed along
. Since all sets of weights that satisfy
minimize the loss function, in this case additional constraints are required to converge to a unique solution. Additional constraints could either be generated by setting specific conditions to the weights, or by injecting additional training data.
One commonly used algorithm to find the set of weights that minimizes the error is
gradient descent
Gradient descent is a method for unconstrained mathematical optimization. It is a first-order iterative algorithm for minimizing a differentiable multivariate function.
The idea is to take repeated steps in the opposite direction of the gradi ...
. By backpropagation, the steepest descent direction is calculated of the loss function versus the present synaptic weights. Then, the weights can be modified along the steepest descent direction, and the error is minimized in an efficient way.
Derivation
The gradient descent method involves calculating the derivative of the loss function with respect to the weights of the network. This is normally done using backpropagation. Assuming one output neuron, the squared error function is
:
where
:
is the loss for the output
and target value
,
:
is the target output for a training sample, and
:
is the actual output of the output neuron.
For each neuron
, its output
is defined as
:
where the
activation function
The activation function of a node in an artificial neural network is a function that calculates the output of the node based on its individual inputs and their weights. Nontrivial problems can be solved using only a few nodes if the activation f ...
is
non-linear
In mathematics and science, a nonlinear system (or a non-linear system) is a system in which the change of the output is not proportional to the change of the input. Nonlinear problems are of interest to engineers, biologists, physicists, mathe ...
and
differentiable
In mathematics, a differentiable function of one real variable is a function whose derivative exists at each point in its domain. In other words, the graph of a differentiable function has a non- vertical tangent line at each interior point in ...
over the activation region (the ReLU is not differentiable at one point). A historically used activation function is the
logistic function
A logistic function or logistic curve is a common S-shaped curve ( sigmoid curve) with the equation
f(x) = \frac
where
The logistic function has domain the real numbers, the limit as x \to -\infty is 0, and the limit as x \to +\infty is L.
...
:
:
which has a
convenient derivative of:
:
The input
to a neuron is the weighted sum of outputs
of previous neurons. If the neuron is in the first layer after the input layer, the
of the input layer are simply the inputs
to the network. The number of input units to the neuron is
. The variable
denotes the weight between neuron
of the previous layer and neuron
of the current layer.
Finding the derivative of the error
Calculating the
partial derivative
In mathematics, a partial derivative of a function of several variables is its derivative with respect to one of those variables, with the others held constant (as opposed to the total derivative, in which all variables are allowed to vary). P ...
of the error with respect to a weight
is done using the
chain rule
In calculus, the chain rule is a formula that expresses the derivative of the Function composition, composition of two differentiable functions and in terms of the derivatives of and . More precisely, if h=f\circ g is the function such that h ...
twice:
In the last factor of the right-hand side of the above, only one term in the sum
depends on
, so that
If the neuron is in the first layer after the input layer,
is just
.
The derivative of the output of neuron
with respect to its input is simply the partial derivative of the activation function:
which for the
logistic activation function
:
This is the reason why backpropagation requires that the activation function be
differentiable
In mathematics, a differentiable function of one real variable is a function whose derivative exists at each point in its domain. In other words, the graph of a differentiable function has a non- vertical tangent line at each interior point in ...
. (Nevertheless, the
ReLU
In the context of Neural network (machine learning), artificial neural networks, the rectifier or ReLU (rectified linear unit) activation function is an activation function defined as the non-negative part of its argument, i.e., the ramp function ...
activation function, which is non-differentiable at 0, has become quite popular, e.g. in
AlexNet)
The first factor is straightforward to evaluate if the neuron is in the output layer, because then
and
If half of the square error is used as loss function we can rewrite it as
:
However, if
is in an arbitrary inner layer of the network, finding the derivative
with respect to
is less obvious.
Considering
as a function with the inputs being all neurons
receiving input from neuron
,
:
and taking the
total derivative
In mathematics, the total derivative of a function at a point is the best linear approximation near this point of the function with respect to its arguments. Unlike partial derivatives, the total derivative approximates the function with res ...
with respect to
, a recursive expression for the derivative is obtained:
Therefore, the derivative with respect to
can be calculated if all the derivatives with respect to the outputs
of the next layer – the ones closer to the output neuron – are known. [Note, if any of the neurons in set
were not connected to neuron
, they would be independent of
and the corresponding partial derivative under the summation would vanish to 0.]
Substituting , and in we obtain:
:
:
with
:
if
is the logistic function, and the error is the square error:
:
To update the weight
using gradient descent, one must choose a learning rate,
. The change in weight needs to reflect the impact on
of an increase or decrease in
. If
, an increase in
increases
; conversely, if
, an increase in
decreases
. The new
is added to the old weight, and the product of the learning rate and the gradient, multiplied by
guarantees that
changes in a way that always decreases
. In other words, in the equation immediately below,
always changes
in such a way that
is decreased:
:
Second-order gradient descent
Using a
Hessian matrix
In mathematics, the Hessian matrix, Hessian or (less commonly) Hesse matrix is a square matrix of second-order partial derivatives of a scalar-valued Function (mathematics), function, or scalar field. It describes the local curvature of a functio ...
of second-order derivatives of the error function, the
Levenberg–Marquardt algorithm often converges faster than first-order gradient descent, especially when the topology of the error function is complicated.
It may also find solutions in smaller node counts for which other methods might not converge.
The Hessian can be approximated by the
Fisher information matrix.
As an example, consider a simple feedforward network. At the
-th layer, we have
where
are the pre-activations,
are the activations, and
is the weight matrix. Given a loss function
, the first-order backpropagation states that
and the second-order backpropagation states that
where
is the
Dirac delta symbol.
Arbitrary-order derivatives in arbitrary computational graphs can be computed with backpropagation, but with more complex expressions for higher orders.
Loss function
The loss function is a function that maps values of one or more variables onto a
real number
In mathematics, a real number is a number that can be used to measure a continuous one- dimensional quantity such as a duration or temperature. Here, ''continuous'' means that pairs of values can have arbitrarily small differences. Every re ...
intuitively representing some "cost" associated with those values. For backpropagation, the loss function calculates the difference between the network output and its expected output, after a training example has propagated through the network.
Assumptions
The mathematical expression of the loss function must fulfill two conditions in order for it to be possibly used in backpropagation. The first is that it can be written as an average
over error functions
, for
individual training examples,
. The reason for this assumption is that the backpropagation algorithm calculates the gradient of the error function for a single training example, which needs to be generalized to the overall error function. The second assumption is that it can be written as a function of the outputs from the neural network.
Example loss function
Let
be vectors in
.
Select an error function
measuring the difference between two outputs. The standard choice is the square of the
Euclidean distance
In mathematics, the Euclidean distance between two points in Euclidean space is the length of the line segment between them. It can be calculated from the Cartesian coordinates of the points using the Pythagorean theorem, and therefore is o ...
between the vectors
and
:
The error function over
training examples can then be written as an average of losses over individual examples:
Limitations

* Gradient descent with backpropagation is not guaranteed to find the
global minimum of the error function, but only a local minimum; also, it has trouble crossing
plateaus in the error function landscape. This issue, caused by the
non-convexity of error functions in neural networks, was long thought to be a major drawback, but
Yann LeCun ''et al.'' argue that in many practical problems, it is not.
* Backpropagation learning does not require normalization of input vectors; however, normalization could improve performance.
* Backpropagation requires the derivatives of activation functions to be known at network design time.
History
Precursors
Backpropagation had been derived repeatedly, as it is essentially an efficient application of the
chain rule
In calculus, the chain rule is a formula that expresses the derivative of the Function composition, composition of two differentiable functions and in terms of the derivatives of and . More precisely, if h=f\circ g is the function such that h ...
(first written down by
Gottfried Wilhelm Leibniz
Gottfried Wilhelm Leibniz (or Leibnitz; – 14 November 1716) was a German polymath active as a mathematician, philosopher, scientist and diplomat who is credited, alongside Sir Isaac Newton, with the creation of calculus in addition to ...
in 1676)
to neural networks.
The terminology "back-propagating error correction" was introduced in 1962 by
Frank Rosenblatt
Frank Rosenblatt (July 11, 1928July 11, 1971) was an American psychologist notable in the field of artificial intelligence. He is sometimes called the father of deep learning for his pioneering work on artificial neural networks.
Life and career
...
, but he did not know how to implement this. In any case, he only studied neurons whose outputs were discrete levels, which only had zero derivatives, making backpropagation impossible.
Precursors to backpropagation appeared in
optimal control theory since 1950s.
Yann LeCun et al credits 1950s work by
Pontryagin and others in optimal control theory, especially the
adjoint state method, for being a continuous-time version of backpropagation.
Hecht-Nielsen credits the
Robbins–Monro algorithm (1951)
and
Arthur Bryson and
Yu-Chi Ho's ''Applied Optimal Control'' (1969) as presages of backpropagation. Other precursors were
Henry J. Kelley 1960,
and
Arthur E. Bryson (1961).
In 1962,
Stuart Dreyfus published a simpler derivation based only on the
chain rule
In calculus, the chain rule is a formula that expresses the derivative of the Function composition, composition of two differentiable functions and in terms of the derivatives of and . More precisely, if h=f\circ g is the function such that h ...
.
In 1973, he adapted
parameter
A parameter (), generally, is any characteristic that can help in defining or classifying a particular system (meaning an event, project, object, situation, etc.). That is, a parameter is an element of a system that is useful, or critical, when ...
s of controllers in proportion to error gradients.
Unlike modern backpropagation, these precursors used standard Jacobian matrix calculations from one stage to the previous one, neither addressing direct links across several stages nor potential additional efficiency gains due to network sparsity.
The
ADALINE (1960) learning algorithm was gradient descent with a squared error loss for a single layer. The first
multilayer perceptron (MLP) with more than one layer trained by
stochastic gradient descent
Stochastic gradient descent (often abbreviated SGD) is an Iterative method, iterative method for optimizing an objective function with suitable smoothness properties (e.g. Differentiable function, differentiable or Subderivative, subdifferentiable ...
was published in 1967 by
Shun'ichi Amari.
The MLP had 5 layers, with 2 learnable layers, and it learned to classify patterns not linearly separable.
Modern backpropagation
Modern backpropagation was first published by
Seppo Linnainmaa as "reverse mode of
automatic differentiation" (1970)
for discrete connected networks of nested
differentiable
In mathematics, a differentiable function of one real variable is a function whose derivative exists at each point in its domain. In other words, the graph of a differentiable function has a non- vertical tangent line at each interior point in ...
functions.
In 1982,
Paul Werbos applied backpropagation to MLPs in the way that has become standard.
Werbos described how he developed backpropagation in an interview. In 1971, during his PhD work, he developed backpropagation to mathematicize
Freud's "flow of psychic energy". He faced repeated difficulty in publishing the work, only managing in 1981.
He also claimed that "the first practical application of back-propagation was for estimating a dynamic model to predict nationalism and social communications in 1974" by him.
Around 1982,
David E. Rumelhart independently developed backpropagation and taught the algorithm to others in his research circle. He did not cite previous work as he was unaware of them. He published the algorithm first in a 1985 paper, then in a 1986 ''
Nature
Nature is an inherent character or constitution, particularly of the Ecosphere (planetary), ecosphere or the universe as a whole. In this general sense nature refers to the Scientific law, laws, elements and phenomenon, phenomena of the physic ...
'' paper an experimental analysis of the technique.
These papers became highly cited, contributed to the popularization of backpropagation, and coincided with the resurging research interest in neural networks during the 1980s.
In 1985, the method was also described by David Parker.
Yann LeCun proposed an alternative form of backpropagation for neural networks in his PhD thesis in 1987.
Gradient descent took a considerable amount of time to reach acceptance. Some early objections were: there were no guarantees that gradient descent could reach a global minimum, only local minimum; neurons were "known" by physiologists as making discrete signals (0/1), not continuous ones, and with discrete signals, there is no gradient to take. See the interview with
Geoffrey Hinton,
who was awarded the 2024
Nobel Prize in Physics
The Nobel Prize in Physics () is an annual award given by the Royal Swedish Academy of Sciences for those who have made the most outstanding contributions to mankind in the field of physics. It is one of the five Nobel Prizes established by the ...
for his contributions to the field.
Early successes
Contributing to the acceptance were several applications in training neural networks via backpropagation, sometimes achieving popularity outside the research circles.
In 1987,
NETtalk learned to convert English text into pronunciation. Sejnowski tried training it with both backpropagation and Boltzmann machine, but found the backpropagation significantly faster, so he used it for the final NETtalk.
The NETtalk program became a popular success, appearing on the
''Today'' show.
In 1989, Dean A. Pomerleau published ALVINN, a neural network trained to
drive autonomously using backpropagation.
The
LeNet was published in 1989 to recognize handwritten zip codes.
In 1992,
TD-Gammon achieved top human level play in backgammon. It was a reinforcement learning agent with a neural network with two layers, trained by backpropagation.
In 1993, Eric Wan won an international pattern recognition contest through backpropagation.
After backpropagation
During the 2000s it fell out of favour, but returned in the 2010s, benefiting from cheap, powerful
GPU-based computing systems. This has been especially so in
speech recognition
Speech recognition is an interdisciplinary subfield of computer science and computational linguistics that develops methodologies and technologies that enable the recognition and translation of spoken language into text by computers. It is also ...
,
machine vision
Machine vision is the technology and methods used to provide image, imaging-based automation, automatic inspection and analysis for such applications as automatic inspection, process control, and robot guidance, usually in industry. Machine vision ...
,
natural language processing
Natural language processing (NLP) is a subfield of computer science and especially artificial intelligence. It is primarily concerned with providing computers with the ability to process data encoded in natural language and is thus closely related ...
, and language structure learning research (in which it has been used to explain a variety of phenomena related to first and second language learning.)
Error backpropagation has been suggested to explain human brain
event-related potential
An event-related potential (ERP) is the measured brain response that is the direct result of a specific sense, sensory, cognition, cognitive, or motor system, motor event. More formally, it is any stereotyped electrophysiology, electrophysiologi ...
(ERP) components like the
N400 and
P600.
In 2023, a backpropagation algorithm was implemented on a
photonic processor by a team at
Stanford University
Leland Stanford Junior University, commonly referred to as Stanford University, is a Private university, private research university in Stanford, California, United States. It was founded in 1885 by railroad magnate Leland Stanford (the eighth ...
.
See also
*
Artificial neural network
In machine learning, a neural network (also artificial neural network or neural net, abbreviated ANN or NN) is a computational model inspired by the structure and functions of biological neural networks.
A neural network consists of connected ...
*
Neural circuit
*
Catastrophic interference
*
Ensemble learning
In statistics and machine learning, ensemble methods use multiple learning algorithms to obtain better predictive performance than could be obtained from any of the constituent learning algorithms alone.
Unlike a statistical ensemble in statist ...
*
AdaBoost
*
Overfitting
In mathematical modeling, overfitting is "the production of an analysis that corresponds too closely or exactly to a particular set of data, and may therefore fail to fit to additional data or predict future observations reliably". An overfi ...
*
Neural backpropagation
*
Backpropagation through time
Backpropagation through time (BPTT) is a gradient-based technique for training certain types of recurrent neural networks, such as Elman networks. The algorithm was independently derived by numerous researchers.
Algorithm
The training data ...
*
Backpropagation through structure
*
Three-factor learning
Notes
References
Further reading
*
*
*
*
External links
*
Backpropagation neural network tutorial at the Wikiversity
*
*
*
*
{{Authority control
Machine learning algorithms
Artificial neural networks