Question

Answer Each Question (3 points each) • Describe the derivation of BP algorithm. • Is BP equal to MLP? • Is BP equal to Superv

0 0
Add a comment Improve this question Transcribed image text
Answer #1

  Derivation of Backpropagation algorithm

In machine learning, specifically deep learning, backpropagation (backprop,[1]BP) is an algorithm widely used in the training of feedforward neural networks for supervised learning; generalizations exist for other artificial neural networks (ANNs), and for functions generally.[2] Backpropagation efficiently computes the gradient of the loss function with respect to the weights of the network for a single input-output example. This makes it feasible to use gradient methods for training multi-layer networks, updating weights to minimize loss; commonly one uses gradient descent or variants such as stochastic gradient descent. The backpropagation algorithm works by computing the gradient of the loss function with respect to each weight by the chain rule, iterating backwards one layer at a time from the last layer to avoid redundant calculations of intermediate terms in the chain rule; this is an example of dynamic programming.[3]


The term backpropagation strictly refers only to the algorithm for computing the gradient, but it is often used loosely to refer to the entire learning algorithm, also including how the gradient is used, such as by stochastic gradient descent.[4] Backpropagation generalizes the gradient computation in the Delta rule, which is the single-layer version of backpropagation, and is in turn generalized by automatic differentiation, where backpropagation is a special case of reverse accumulation (or "reverse mode").[5] The term backpropagation and its general use in neural networks was announced in Rumelhart, Hinton & Williams (1986a), then elaborated and popularized in Rumelhart, Hinton & Williams (1986b), but the technique was independently rediscovered many times, and had many predecessors dating to the 1960s; see § History.[6] A modern overview is given in Goodfellow, Bengio & Courville (2016).[7]In machine learning, specifically deep learning, backpropagation (backprop,[1]BP) is an algorithm widely used in the training of feedforward neural networks for supervised learning; generalizations exist for other artificial neural networks (ANNs), and for functions generally.[2] Backpropagation efficiently computes the gradient of the loss function with respect to the weights of the network for a single input-output example. This makes it feasible to use gradient methods for training multi-layer networks, updating weights to minimize loss; commonly one uses gradient descent or variants such as stochastic gradient descent. The backpropagation algorithm works by computing the gradient of the loss function with respect to each weight by the chain rule, iterating backwards one layer at a time from the last layer to avoid redundant calculations of intermediate terms in the chain rule; this is an example of dynamic programming.[3]

Overview

Backpropagation computes the gradient in weight space of a feedforward neural network, with respect to a loss function. Denote:

  • x: input (vector of features)
  • y: target output

    For classification, output will be a vector of class probabilities (e.g., (0.1,0.7,0.2), and target output is a specific class, encoded by the one-hot/dummy variable (e.g., (0,1,0)).

  • C: 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).

  • L: the number of layers
  • {\displaystyle W^{l}=(w_{jk}^{l})}: the weights between layer {\displaystyle l-1} and l , where {\displaystyle w_{jk}^{l}} is the weight between the k -th node in layer {\displaystyle l-1} and the j -th node in layer l
  • {\displaystyle f^{l}}: activation functions at layer l

    For classification the last layer is usually the logistic function for binary classification, and softmax (softargmax) for multi-class classification, while for the hidden layers this was traditionally a sigmoid function (logistic function or others) on each node (coordinate), but today is more varied, with rectifier (ramp, ReLU) being common.

In the derivation of backpropagation, other intermediate quantities are used; they are introduced as needed below. Bias terms are not treated specially, as they correspond to a weight with a fixed input of 1. For the purpose of backpropagation, the specific loss function and activation functions don't matter, so long as they and their derivatives can be evaluated efficiently.

The overall network is then a combination of function composition and matrix multiplication:

{\displaystyle g(x):=f^{L}(W^{L}f^{L-1}(W^{L-i}\cdots f^{1}(W^{1}x)\cdots ))}

For a training set there will be a set of input-output pairs,{\displaystyle \left\{(x_{i},y_{i})\right\}}. For each input-output pair (x_{i},y_{i}) in the training set, the loss of the model on that pair is the cost of the difference between the predicted output {\displaystyle g(x_{i})} and the target output y_{i} :

{\displaystyle C(y_{i},f^{L}(W^{L}f^{L-1}(W^{L-i}\cdots f^{1}(W^{1}x_{i})\cdots )))}

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 (x_{i},y_{i}) , where the weights {\displaystyle w_{jk}^{l}} can vary. Each individual component of the gradient, {\displaystyle \partial C/\partial w_{jk}^{l},} can be computed by the chain rule; however, 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 {\displaystyle \delta ^{l}} – from back to front.

Informally, the key point is that since the only way a weight in {\displaystyle W^{l}} affects the loss is through its effect on the next layer, and it does so linearly,{\displaystyle \delta ^{l}} are the only data you need to compute the gradients of the weights at layer ll, and then you can compute the previous layer {\displaystyle \delta ^{l-1}} and repeat recursively. This avoids inefficiency in two ways. Firstly, it avoids duplication because when computing the gradient at layer l , you do not need to recompute all the derivatives on later layers {\displaystyle l+1,l+2,\ldots } each time. Secondly, 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 {\displaystyle \partial a_{j'}^{l'}/\partial w_{jk}^{l}} .

Backpropagation can be expressed for simple feedforward networks in terms of matrix multiplication, or more generally in terms of the adjoint graph.

Matrix multiplication[edit]

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.[c] Essentially, backpropagation evaluates the expression for the derivative of the cost function as a product of derivatives between each layer from left to right – "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 (x,y) , the loss is:

{\displaystyle C(y,f^{L}(W^{L}f^{L-1}(W^{L-1}\cdots f^{1}(W^{1}x)\cdots )))}

In order to compute this, one starts with the input x and works forward; denote the weighted input of each layer as {\displaystyle z^{l}} and the output of layer l as the activation {\displaystyle a^{l}} . For backpropagation, the activation {\displaystyle a^{l}} as well as the derivatives{\displaystyle (f^{l})'} (evaluated at {\displaystyle z^{l}} ) 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, evaluated at the value of the network (at each node) on the input x :

{\displaystyle {\frac {dC}{da^{L}}}\cdot {\frac {da^{L}}{dz^{L}}}\cdot {\frac {dz^{L}}{da^{L-1}}}\cdot {\frac {da^{L-1}}{dz^{L-1}}}\cdot {\frac {dz^{L1}}{da^{L-2}}}\cdots {\frac {da^{1}}{dz^{1}}}\cdot {\frac {\partial z^{1}}{\partial x}}.}

These terms are: the derivative of the loss function;[d] the derivatives of the activation functions;[e] and the matrices of weights:[f]

{\displaystyle {\frac {dC}{da^{L}}}\cdot (f^{L})'\cdot W^{L}\cdot (f^{L-1})'\cdot W^{L-1}\cdots (f^{1})'\cdot W^{1}.}

The gradient \nabla is the transpose 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:

{\displaystyle \nabla _{x}C=(W^{1})^{T}\cdot (f^{1})'\cdots \cdot (W^{L-1})^{T}\cdot (f^{L-1})'\cdot (W^{L})^{T}\cdot (f^{L})'\cdot \nabla _{a^{L}}C.}

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 isn't just a subexpression: there's an extra multiplication.

Introducing the auxiliary quantity {\displaystyle \delta ^{l}} for the partial products (multiplying from right to left), interpreted as the "error at level l " and defined as the gradient of the input values at level l :

{\displaystyle \delta ^{l}:=(f^{l})'\cdot (W^{l+1})^{T}\cdots \cdot (W^{L-1})^{T}\cdot (f^{L-1})'\cdot (W^{L})^{T}\cdot (f^{L})'\cdot \nabla _{a^{L}}C.}

Note that {\displaystyle \delta ^{l}} is a vector, of length equal to the number of nodes in level l ; each term is interpreted as the "cost attributable to (the value of) that node".

The gradient of the weights in layer l is then:

{\displaystyle \nabla _{W^{l}}C=\delta ^{l}(a^{l-1})^{T}.}

The factor of  is because the weights {\displaystyle W^{l}} between level {\displaystyle l-1} and l affect level l proportionally to the inputs (activations): the inputs are fixed, the weights vary.

The {\displaystyle \delta ^{l}} can easily be computed recursively as:

{\displaystyle \delta ^{l-1}:=(f^{l-1})'\cdot (W^{l})^{T}\cdot \delta ^{l}.}

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 {\displaystyle \delta ^{l}} for illustration):

{\displaystyle {\begin{aligned}\delta ^{1}&=(f^{1})'\cdot (W^{2})^{T}\cdot (f^{2})'\cdots \cdot (W^{L-1})^{T}\cdot (f^{L-1})'\cdot (W^{L})^{T}\cdot (f^{L})'\cdot \nabla _{a^{L}}C\\\delta ^{2}&=(f^{2})'\cdots \cdot (W^{L-1})^{T}\cdot (f^{L-1})'\cdot (W^{L})^{T}\cdot (f^{L})'\cdot \nabla _{a^{L}}C\\&\vdots \\\delta ^{L-1}&=(f^{L-1})'\cdot (W^{L})^{T}\cdot (f^{L})'\cdot \nabla _{a^{L}}C\\\delta ^{L}&=(f^{L})'\cdot \nabla _{a^{L}}C,\end{aligned}}}

there are two key differences with backpropagation:

  1. Computing {\displaystyle \delta ^{l-1}} in terms of {\displaystyle \delta ^{l}} avoids the obvious duplicate multiplication of layers l and beyond.
  2. Multiplying starting from{\displaystyle \nabla _{a^{L}}C} – propagating the error backwards – means that each step simply multiplies a vector ({\displaystyle \delta ^{l}}) by the matrices of weights {\displaystyle (W^{l})^{T}} and derivatives of activations {\displaystyle (f^{l-1})'} . 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 l forward to changes in the layer {\displaystyle l+2} (for multiplying {\displaystyle W^{l+1}} by {\displaystyle W^{l+2}} , 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


Intuition 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").[5]

Motivation

The goal of any supervised learning 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.[8]

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)[g] that is the weighted sum of its input.

Output Layer W2 Input Layer

A simple neural network with two input units (each with a single input) and one output unit (with two inputs)

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 tuples {\displaystyle (x_{1},x_{2},t)} where x_{1} and x_{2} are the inputs to the network and t is the correct output (the output the network should produce given those inputs, when it has been trained). The initial network, given x_{1} and x_{2} , will compute an output y that likely differs from t (given random weights). A loss function {\displaystyle L(t,y)} is used for measuring the discrepancy between the target output t and the computed output y. For regression analysis problems the squared error can be used as a loss function, for classification the categorical crossentropy can be used.

As an example consider a regression problem using the square error as a loss:

{\displaystyle L(t,y)=(t-y)^{2}=E,}

where E is the discrepancy or error.

Consider the network on a single training case:(1, 1, 0). Thus, the input x_{1} and x_{2} are 1 and 1 respectively and the correct output, t is 0. Now if the relation is plotted between the network's output y on the horizontal axis and the error E on the vertical axis, the result is a parabola. The minimum of the parabola corresponds to the output y which minimizes the error E. 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 y that exactly matches the target output t. Therefore, the problem of mapping inputs to outputs can be reduced to an optimization problem of finding a function that will produce the minimal error.

Error surface of a linear neuron for a single training case

However, the output of a neuron depends on the weighted sum of all its inputs:

{\displaystyle y=x_{1}w_{1}+x_{2}w_{2},}

wherew_{1} and w_{2} 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. If each weight is plotted on a separate horizontal axis and the error on the vertical axis, the result is a parabolic bowl. For a neuron with k weights, the same plot would require an elliptic paraboloid of k+1 dimensions.

Error surface of a linear neuron with two input weights

One commonly used algorithm to find the set of weights that minimizes the error is gradient descent. Backpropagation is then used to calculate the steepest descent direction in an efficient way.

Derivation[edit]

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,[h] the squared error function is

{\displaystyle E=L(t,y)}

where

E is the loss for the output y and target value t ,

t is the target output for a training sample, and

y is the actual output of the output neuron.

For each neuronj, its output o_j is defined as

{\displaystyle o_{j}=\varphi ({\text{net}}_{j})=\varphi \left(\sum _{k=1}^{n}w_{kj}o_{k}\right),}

where the activation function {\displaystyle \varphi }\varphi is non-linear and differentiable (even if the ReLU is not in one point). A historically used activation function is the logistic function:

{\displaystyle \varphi (z)={\frac {1}{1+e^{-z}}}}

which has a convenient derivative of:

{\displaystyle {\frac {d\varphi (z)}{dz}}=\varphi (z)(1-\varphi (z))}

The input {\displaystyle {\text{net}}_{j}} to a neuron is the weighted sum of outputs o_k of previous neurons. If the neuron is in the first layer after the input layer, the o_k of the input layer are simply the inputs x_{k} to the network. The number of input units to the neuron is n . The variable{\displaystyle w_{kj}} denotes the weight between neuron k of the previous layer and neuron j of the current layer.

Finding the derivative of the error[edit]

inputs activation functon net input net activation transfer function threshold

Diagram of an artificial neural network to illustrate the notation used here.

Calculating the partial derivative of the error with respect to a weight w_{ij} is done using the chain rule twice:

{\displaystyle {\frac {\partial E}{\partial w_{ij}}}={\frac {\partial E}{\partial o_{j}}}{\frac {\partial o_{j}}{\partial w_{ij}}}={\frac {\partial E}{\partial o_{j}}}{\frac {\partial o_{j}}{\partial {\text{net}}_{j}}}{\frac {\partial {\text{net}}_{j}}{\partial w_{ij}}}}

(Eq. 1)

In the last factor of the right-hand side of the above, only one term in the sum, {\displaystyle {\text{net}}_{j}} , depends on w_{ij} , so that

{\displaystyle {\frac {\partial {\text{net}}_{j}}{\partial w_{ij}}}={\frac {\partial }{\partial w_{ij}}}\left(\sum _{k=1}^{n}w_{kj}o_{k}\right)={\frac {\partial }{\partial w_{ij}}}w_{ij}o_{i}=o_{i}.}

(Eq. 2)

If the neuron is in the first layer after the input layer, o_i is just x_{i} .

The derivative of the output of neuron j with respect to its input is simply the partial derivative of the activation function:

{\displaystyle {\frac {\partial o_{j}}{\partial {\text{net}}_{j}}}={\frac {\partial \varphi ({\text{net}}_{j})}{\partial {\text{net}}_{j}}}}

(Eq. 3)

which for the logistic activation function case is:

{\displaystyle {\frac {\partial o_{j}}{\partial {\text{net}}_{j}}}={\frac {\partial }{\partial {\text{net}}_{j}}}\varphi ({\text{net}}_{j})=\varphi ({\text{net}}_{j})(1-\varphi ({\text{net}}_{j}))=o_{j}(1-o_{j})}

This is the reason why backpropagation requires the activation function to be differentiable. (Nevertheless, the ReLU 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 theno_j = y and

{\displaystyle {\frac {\partial E}{\partial o_{j}}}={\frac {\partial E}{\partial y}}}

(Eq. 4)

If the logistic function is used as activation and square error as loss function we can rewrite it as \frac{\partial E}{\partial o_j} = \frac{\partial E}{\partial y} = \frac{\partial}{\partial y} \frac{1}{2}(t - y)^2 = y - t

However, if {\displaystyle j}j is in an arbitrary inner layer of the network, finding the derivative E with respect to o_j is less obvious.

Considering E as a function with the inputs being all neurons {\displaystyle L=\{u,v,\dots ,w\}} receiving input from neuron j ,

{\displaystyle {\frac {\partial E(o_{j})}{\partial o_{j}}}={\frac {\partial E(\mathrm {net} _{u},{\text{net}}_{v},\dots ,\mathrm {net} _{w})}{\partial o_{j}}}}

and taking the total derivative with respect to o_j , a recursive expression for the derivative is obtained:

{\displaystyle {\frac {\partial E}{\partial o_{j}}}=\sum _{\ell \in L}\left({\frac {\partial E}{\partial {\text{net}}_{\ell }}}{\frac {\partial {\text{net}}_{\ell }}{\partial o_{j}}}\right)=\sum _{\ell \in L}\left({\frac {\partial E}{\partial o_{\ell }}}{\frac {\partial o_{\ell }}{\partial {\text{net}}_{\ell }}}{\frac {\partial {\text{net}}_{\ell }}{\partial o_{j}}}\right)=\sum _{\ell \in L}\left({\frac {\partial E}{\partial o_{\ell }}}{\frac {\partial o_{\ell }}{\partial {\text{net}}_{\ell }}}w_{j\ell }\right)}

(Eq. 5)

Therefore, the derivative with respect to o_j can be calculated if all the derivatives with respect to the outputs {\displaystyle o_{\ell }} of the next layer – the ones closer to the output neuron – are known.

Substituting Eq. 2, Eq. 3 Eq.4 and Eq. 5 in Eq. 1 we obtain:

{\displaystyle {\frac {\partial E}{\partial w_{ij}}}={\frac {\partial E}{\partial o_{j}}}{\frac {\partial o_{j}}{\partial {\text{net}}_{j}}}{\frac {\partial {\text{net}}_{j}}{\partial w_{ij}}}={\frac {\partial E}{\partial o_{j}}}{\frac {\partial o_{j}}{\partial {\text{net}}_{j}}}o_{i}}

{\displaystyle {\frac {\partial E}{\partial w_{ij}}}=o_{i}\delta _{j}}

with

{\displaystyle \delta _{j}={\frac {\partial E}{\partial o_{j}}}{\frac {\partial o_{j}}{\partial {\text{net}}_{j}}}={\begin{cases}{\frac {\partial L(o_{j},t)}{\partial o_{j}}}{\frac {d\varphi ({\text{net}}_{j})}{d{\text{net}}_{j}}}&{\text{if }}j{\text{ is an output neuron,}}\\(\sum _{\ell \in L}w_{j\ell }\delta _{\ell }){\frac {d\varphi ({\text{net}}_{j})}{d{\text{net}}_{j}}}&{\text{if }}j{\text{ is an inner neuron.}}\end{cases}}}

if \varphi is the logistic function, and the error is the square error:

{\displaystyle \delta _{j}={\frac {\partial E}{\partial o_{j}}}{\frac {\partial o_{j}}{\partial {\text{net}}_{j}}}={\begin{cases}(o_{j}-t_{j})o_{j}(1-o_{j})&{\text{if }}j{\text{ is an output neuron,}}\\(\sum _{\ell \in L}w_{j\ell }\delta _{\ell })o_{j}(1-o_{j})&{\text{if }}j{\text{ is an inner neuron.}}\end{cases}}}

To update the weight w_{ij} using gradient descent, one must choose a learning rate, {\displaystyle \eta >0} . The change in weight needs to reflect the impact onE of an increase or decrease in w_{ij} . If {\displaystyle {\frac {\partial E}{\partial w_{ij}}}>0} , an increase in w_{ij} increases E ; conversely, if{\displaystyle {\frac {\partial E}{\partial w_{ij}}}<0}, an increase in w_{ij} decreasesE. The new {\displaystyle \Delta w_{ij}} is added to the old weight, and the product of the learning rate and the gradient, multiplied by -1 guarantees that w_{ij} changes in a way that always decreases E . In other words, in the equation immediately below, {\displaystyle -\eta {\frac {\partial E}{\partial w_{ij}}}} always changes w_{ij} in such a way that E is decreased:

{\displaystyle \Delta w_{ij}=-\eta {\frac {\partial E}{\partial w_{ij}}}=-\eta o_{i}\delta _{j}}

Loss function[edit]

Further information: Loss function

The loss function is a function that maps values of one or more variables onto a real number 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[edit]

The mathematical expression of the loss function must fulfill two conditions in order for it to be possibly used in backpropagation.[9] The first is that it can be written as an average {\textstyle E={\frac {1}{n}}\sum _{x}E_{x}} over error functions{\textstyle E_{x}}, for {\textstyle n} individual training examples, {\textstyle x} . 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[edit]

Let {\displaystyle y,y'} be vectors in \mathbb {R} ^{n} .

Select an error function {\displaystyle E(y,y')} measuring the difference between two outputs. The standard choice is the square of the Euclidean distance between the vectors y and y' :

{\displaystyle E(y,y')={\tfrac {1}{2}}\lVert y-y'\rVert ^{2}}

The error function over{\textstyle n} training examples can then be written as an average of losses over individual examples:

{\displaystyle E={\frac {1}{2n}}\sum _{x}\lVert (y(x)-y'(x))\rVert ^{2}}

Is BP equal to MLP

Multi Layer Perceptron training algorithm for MLPs is BP which is an extended form of the method used to train the perceptron. This algorithm entails a backward flow of the error corrections through each neuron in the network. The process of adjusting the weights and biases of a perceptron or MLP is known as training. The perceptron algorithm (for training simple perceptrons) consists of comparing the output of the perceptron with an associated target value. The most common training algorithm for MLPs is BP which is an extended form of the method used to train the perceptron. This algorithm entails a backward flow of the error corrections through each neuron in the network. In the most basic form, an ANN requires an input and should be associated with a reference which it tracks during each training iteration. The output, at the end of each training epoch, is compared with the reference and a corresponding adaptation of the connectionist weights are carried out. This is repeated till the output of the ANN is nearly equal to that of the reference. One cycle through the complete training set forms one epoch. The above is repeated till MSE meets the performance criteria. While repeating the above the number of epoch elapsed is counted. A few methods used for MLP training includes Gradient Descent BP (GDBP), Gradient Descent with Momentum BP (GDMBP), Gradient Descent with Adaptive Learning Rate BP (GDALRBP), Gradient Descent with Adaptive Learning Rate and Momentum BP (GDALMBP) and Gradient Descent with LevenbergMarquardt BP (GDLMBP).

Is BP equal to supervised learning algorithm

BP is a supervised learning algorithm that learns a function f (·): Rm → Ro by training on a data set, where m is the number of dimensions for input and o is the number of dimensions for output.

Know the answer?
Add Answer to:
Answer Each Question (3 points each) • Describe the derivation of BP algorithm. • Is BP...
Your Answer:

Post as a guest

Your Name:

What's your source?

Earn Coins

Coins can be redeemed for fabulous gifts.

Not the answer you're looking for? Ask your own homework help question. Our experts will answer your question WITHIN MINUTES for Free.
Similar Homework Help Questions
ADVERTISEMENT
Free Homework Help App
Download From Google Play
Scan Your Homework
to Get Instant Free Answers
Need Online Homework Help?
Ask a Question
Get Answers For Free
Most questions answered within 3 hours.
ADVERTISEMENT
ADVERTISEMENT
ADVERTISEMENT