HOME

TheInfoList



OR:

Gradient descent is a method for unconstrained
mathematical optimization Mathematical optimization (alternatively spelled ''optimisation'') or mathematical programming is the selection of a best element, with regard to some criteria, from some set of available alternatives. It is generally divided into two subfiel ...
. It is a first-order iterative
algorithm In mathematics and computer science, an algorithm () is a finite sequence of Rigour#Mathematics, mathematically rigorous instructions, typically used to solve a class of specific Computational problem, problems or to perform a computation. Algo ...
for minimizing a
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 ...
multivariate function In mathematics, a function from a set to a set assigns to each element of exactly one element of .; the words ''map'', ''mapping'', ''transformation'', ''correspondence'', and ''operator'' are sometimes used synonymously. The set is called ...
. The idea is to take repeated steps in the opposite direction of 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 ...
(or approximate gradient) of the function at the current point, because this is the direction of steepest descent. Conversely, stepping in the direction of the gradient will lead to a trajectory that maximizes that function; the procedure is then known as ''gradient ascent''. It is particularly useful in machine learning for minimizing the cost or loss function. Gradient descent should not be confused with local search algorithms, although both are
iterative methods In computational mathematics, an iterative method is a Algorithm, mathematical procedure that uses an initial value to generate a sequence of improving approximate solutions for a class of problems, in which the ''i''-th approximation (called an " ...
for
optimization Mathematical optimization (alternatively spelled ''optimisation'') or mathematical programming is the selection of a best element, with regard to some criteria, from some set of available alternatives. It is generally divided into two subfiel ...
. Gradient descent is generally attributed to
Augustin-Louis Cauchy Baron Augustin-Louis Cauchy ( , , ; ; 21 August 1789 – 23 May 1857) was a French mathematician, engineer, and physicist. He was one of the first to rigorously state and prove the key theorems of calculus (thereby creating real a ...
, who first suggested it in 1847.
Jacques Hadamard Jacques Salomon Hadamard (; 8 December 1865 – 17 October 1963) was a French mathematician who made major contributions in number theory, complex analysis, differential geometry, and partial differential equations. Biography The son of a tea ...
independently proposed a similar method in 1907. Its convergence properties for non-linear optimization problems were first studied by Haskell Curry in 1944, with the method becoming increasingly well-studied and used in the following decades. A simple extension of gradient descent,
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 ...
, serves as the most basic algorithm used for training most deep networks today.


Description

Gradient descent is based on the observation that if the multi-variable function F(\mathbf) is defined 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 ...
in a neighborhood of a point \mathbf, then F(\mathbf) decreases ''fastest'' if one goes from \mathbf in the direction of the negative
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 F at \mathbf, -\nabla F(\mathbf). It follows that, if : \mathbf_ = \mathbf_n-\gamma\nabla F(\mathbf_n) for a small enough step size or learning rate \gamma \in \R_, then F(\mathbf)\geq F(\mathbf). In other words, the term \gamma\nabla F(\mathbf) is subtracted from \mathbf because we want to move against the gradient, toward the local minimum. With this observation in mind, one starts with a guess \mathbf_0 for a local minimum of F, and considers the sequence \mathbf_0, \mathbf_1, \mathbf_2, \ldots such that :\mathbf_=\mathbf_n-\gamma_n \nabla F(\mathbf_n),\ n \ge 0. We have a
monotonic In mathematics, a monotonic function (or monotone function) is a function between ordered sets that preserves or reverses the given order. This concept first arose in calculus, and was later generalized to the more abstract setting of ord ...
sequence :F(\mathbf_0)\ge F(\mathbf_1)\ge F(\mathbf_2)\ge \cdots, so the sequence (\mathbf_n) converges to the desired local minimum. Note that the value of the ''step size'' \gamma is allowed to change at every iteration. It is possible to guarantee the
convergence Convergence may refer to: Arts and media Literature *''Convergence'' (book series), edited by Ruth Nanda Anshen *Convergence (comics), "Convergence" (comics), two separate story lines published by DC Comics: **A four-part crossover storyline that ...
to a local minimum under certain assumptions on the function F (for example, F
convex Convex or convexity may refer to: Science and technology * Convex lens, in optics Mathematics * Convex set, containing the whole line segment that joins points ** Convex polygon, a polygon which encloses a convex set of points ** Convex polytop ...
and \nabla F Lipschitz) and particular choices of \gamma. Those include the sequence \gamma_ = \frac as in the Barzilai-Borwein method, or a sequence \gamma_n satisfying the Wolfe conditions (which can be found by using line search). When the function F is
convex Convex or convexity may refer to: Science and technology * Convex lens, in optics Mathematics * Convex set, containing the whole line segment that joins points ** Convex polygon, a polygon which encloses a convex set of points ** Convex polytop ...
, all local minima are also global minima, so in this case gradient descent can converge to the global solution. This process is illustrated in the adjacent picture. Here, F is assumed to be defined on the plane, and that its graph has a
bowl A bowl is a typically round dish or container generally used for preparing, serving, storing, or consuming food. The interior of a bowl is characteristically shaped like a spherical cap, with the edges and the bottom, forming a seamless curve ...
shape. The blue curves are the
contour line A contour line (also isoline, isopleth, isoquant or isarithm) of a Function of several real variables, function of two variables is a curve along which the function has a constant value, so that the curve joins points of equal value. It is a ...
s, that is, the regions on which the value of F is constant. A red arrow originating at a point shows the direction of the negative gradient at that point. Note that the (negative) gradient at a point is
orthogonal In mathematics, orthogonality (mathematics), orthogonality is the generalization of the geometric notion of ''perpendicularity''. Although many authors use the two terms ''perpendicular'' and ''orthogonal'' interchangeably, the term ''perpendic ...
to the contour line going through that point. We see that gradient ''descent'' leads us to the bottom of the bowl, that is, to the point where the value of the function F is minimal.


An analogy for understanding gradient descent

The basic intuition behind gradient descent can be illustrated by a hypothetical scenario. People are stuck in the mountains and are trying to get down (i.e., trying to find the global minimum). There is heavy fog such that visibility is extremely low. Therefore, the path down the mountain is not visible, so they must use local information to find the minimum. They can use the method of gradient descent, which involves looking at the steepness of the hill at their current position, then proceeding in the direction with the steepest descent (i.e., downhill). If they were trying to find the top of the mountain (i.e., the maximum), then they would proceed in the direction of steepest ascent (i.e., uphill). Using this method, they would eventually find their way down the mountain or possibly get stuck in some hole (i.e., local minimum or
saddle point In mathematics, a saddle point or minimax point is a Point (geometry), point on the surface (mathematics), surface of the graph of a function where the slopes (derivatives) in orthogonal directions are all zero (a Critical point (mathematics), ...
), like a mountain lake. However, assume also that the steepness of the hill is not immediately obvious with simple observation, but rather it requires a sophisticated instrument to measure, which the persons happen to have at the moment. It takes quite some time to measure the steepness of the hill with the instrument, thus they should minimize their use of the instrument if they wanted to get down the mountain before sunset. The difficulty then is choosing the frequency at which they should measure the steepness of the hill so not to go off track. In this analogy, the persons represent the algorithm, and the path taken down the mountain represents the sequence of parameter settings that the algorithm will explore. The steepness of the hill represents the
slope In mathematics, the slope or gradient of a Line (mathematics), line is a number that describes the direction (geometry), direction of the line on a plane (geometry), plane. Often denoted by the letter ''m'', slope is calculated as the ratio of t ...
of the function at that point. The instrument used to measure steepness is differentiation. The direction they choose to travel in aligns with 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 the function at that point. The amount of time they travel before taking another measurement is the step size.


Choosing the step size and descent direction

Since using a step size \gamma that is too small would slow convergence, and a \gamma too large would lead to overshoot and divergence, finding a good setting of \gamma is an important practical problem. Philip Wolfe also advocated using "clever choices of the escentdirection" in practice. While using a direction that deviates from the steepest descent direction may seem counter-intuitive, the idea is that the smaller slope may be compensated for by being sustained over a much longer distance. To reason about this mathematically, consider a direction \mathbf_n and step size \gamma_n and consider the more general update: : \mathbf_ = \mathbf_n-\gamma_n\,\mathbf_n. Finding good settings of \mathbf_n and \gamma_n requires some thought. First of all, we would like the update direction to point downhill. Mathematically, letting \theta_n denote the angle between -\nabla F(\mathbf) and \mathbf_n, this requires that \cos \theta_n > 0. To say more, we need more information about the objective function that we are optimising. Under the fairly weak assumption that F is continuously differentiable, we may prove that: This inequality implies that the amount by which we can be sure the function F is decreased depends on a trade off between the two terms in square brackets. The first term in square brackets measures the angle between the descent direction and the negative gradient. The second term measures how quickly the gradient changes along the descent direction. In principle inequality () could be optimized over \mathbf_n and \gamma_n to choose an optimal step size and direction. The problem is that evaluating the second term in square brackets requires evaluating \nabla F(\mathbf_n - t \gamma_n \mathbf_n), and extra gradient evaluations are generally expensive and undesirable. Some ways around this problem are: * Forgo the benefits of a clever descent direction by setting \mathbf_n = \nabla F(\mathbf), and use line search to find a suitable step-size \gamma_n, such as one that satisfies the Wolfe conditions. A more economic way of choosing learning rates is backtracking line search, a method that has both good theoretical guarantees and experimental results. Note that one does not need to choose \mathbf_n to be the gradient; any direction that has positive inner product with the gradient will result in a reduction of the function value (for a sufficiently small value of \gamma_n). * Assuming that F is twice-differentiable, use its Hessian \nabla^2 F to estimate \, \nabla F(\mathbf_n - t \gamma_n \mathbf_n) - \nabla F(\mathbf_n)\, _2 \approx \, t \gamma_n \nabla^2 F(\mathbf_n) \mathbf_n\, .Then choose \mathbf_n and \gamma_n by optimising inequality (). * Assuming that \nabla F is Lipschitz, use its Lipschitz constant L to bound \, \nabla F(\mathbf_n - t \gamma_n \mathbf_n) - \nabla F(\mathbf_n)\, _2 \leq L t \gamma_n \, \mathbf_n\, . Then choose \mathbf_n and \gamma_n by optimising inequality (). * Build a custom model of \max_ \frac for F. Then choose \mathbf_n and \gamma_n by optimising inequality (). * Under stronger assumptions on the function F such as convexity, more advanced techniques may be possible. Usually by following one of the recipes above,
convergence Convergence may refer to: Arts and media Literature *''Convergence'' (book series), edited by Ruth Nanda Anshen *Convergence (comics), "Convergence" (comics), two separate story lines published by DC Comics: **A four-part crossover storyline that ...
to a local minimum can be guaranteed. When the function F is
convex Convex or convexity may refer to: Science and technology * Convex lens, in optics Mathematics * Convex set, containing the whole line segment that joins points ** Convex polygon, a polygon which encloses a convex set of points ** Convex polytop ...
, all local minima are also global minima, so in this case gradient descent can converge to the global solution.


Solution of a linear system

Gradient descent can be used to solve a
system of linear equations In mathematics, a system of linear equations (or linear system) is a collection of two or more linear equations involving the same variable (math), variables. For example, : \begin 3x+2y-z=1\\ 2x-2y+4z=-2\\ -x+\fracy-z=0 \end is a system of th ...
:A\mathbf-\mathbf=0 reformulated as a quadratic minimization problem. If the system matrix A is real
symmetric Symmetry () in everyday life refers to a sense of harmonious and beautiful proportion and balance. In mathematics, the term has a more precise definition and is usually used to refer to an object that is invariant under some transformations ...
and positive-definite, an objective function is defined as the quadratic function, with minimization of :F(\mathbf)=\mathbf^T A\mathbf-2\mathbf^T\mathbf, so that :\nabla F(\mathbf)=2(A\mathbf-\mathbf). For a general real matrix A, linear least squares define :F(\mathbf)=\left\, A\mathbf-\mathbf\right\, ^2. In traditional linear least squares for real A and \mathbf the
Euclidean norm Euclidean space is the fundamental space of geometry, intended to represent physical space. Originally, in Euclid's ''Elements'', it was the three-dimensional space of Euclidean geometry, but in modern mathematics there are ''Euclidean spaces'' ...
is used, in which case :\nabla F(\mathbf)=2A^T(A\mathbf-\mathbf). The line search minimization, finding the locally optimal step size \gamma on every iteration, can be performed analytically for quadratic functions, and explicit formulas for the locally optimal \gamma are known. For example, for real
symmetric Symmetry () in everyday life refers to a sense of harmonious and beautiful proportion and balance. In mathematics, the term has a more precise definition and is usually used to refer to an object that is invariant under some transformations ...
and positive-definite matrix A, a simple algorithm can be as follows, :\begin & \text \\ & \qquad \mathbf := \mathbf - \mathbf \\ & \qquad \gamma := / \\ & \qquad \mathbf := \mathbf + \gamma \mathbf \\ & \qquad \hbox \mathbf^\mathsf \mathbf \text \\ & \text \\ & \text \mathbf \text \end To avoid multiplying by A twice per iteration, we note that \mathbf := \mathbf + \gamma \mathbf implies \mathbf := \mathbf - \gamma \mathbf, which gives the traditional algorithm, :\begin & \mathbf := \mathbf - \mathbf \\ & \text \\ & \qquad \gamma := / \\ & \qquad \mathbf := \mathbf + \gamma \mathbf \\ & \qquad \hbox \mathbf^\mathsf \mathbf \text \\ & \qquad \mathbf := \mathbf - \gamma \mathbf \\ & \text \\ & \text \mathbf \text \end The method is rarely used for solving linear equations, with the conjugate gradient method being one of the most popular alternatives. The number of gradient descent iterations is commonly proportional to the spectral condition number \kappa(A) of the system matrix A (the ratio of the maximum to minimum
eigenvalues In linear algebra, an eigenvector ( ) or characteristic vector is a vector that has its direction unchanged (or reversed) by a given linear transformation. More precisely, an eigenvector \mathbf v of a linear transformation T is scaled by a ...
of , while the convergence of conjugate gradient method is typically determined by a square root of the condition number, i.e., is much faster. Both methods can benefit from preconditioning, where gradient descent may require less assumptions on the preconditioner.


Geometric behavior and residual orthogonality

In steepest descent applied to solving A \vec = \vec , where A is symmetric positive-definite, the residual vectors \vec_k = \vec - A\vec_k are orthogonal across iterations: : \vec_ \cdot \vec_k = 0. Because each step is taken in the steepest direction, steepest-descent steps alternate between directions aligned with the extreme axes of the elongated level sets. When \kappa(A) is large, this produces a characteristic zig-zag path. The poor conditioning of A is the primary cause of the slow convergence, and orthogonality of successive residuals reinforces this alternation. As shown in the image on the right, steepest descent converges slowly due to the high condition number of A , and the orthogonality of residuals forces each new direction to undo the overshoot from the previous step. The result is a path that zigzags toward the solution. This inefficiency is one reason conjugate gradient or preconditioning methods are preferred.


Solution of a non-linear system

Gradient descent can also be used to solve a system of nonlinear equations. Below is an example that shows how to use the gradient descent to solve for three unknown variables, ''x''1, ''x''2, and ''x''3. This example shows one iteration of the gradient descent. Consider the nonlinear system of equations : \begin 3x_1-\cos(x_2x_3)-\tfrac =0 \\ 4x_1^2-625x_2^2+2x_2-1 = 0 \\ \exp(-x_1x_2)+20x_3+\tfrac =0 \end Let us introduce the associated function :G(\mathbf) = \begin 3x_1-\cos(x_2x_3)-\tfrac \\ 4x_1^2-625x_2^2+2x_2-1 \\ \exp(-x_1x_2)+20x_3+\tfrac \\ \end, where : \mathbf =\begin x_1 \\ x_2 \\ x_3 \\ \end. One might now define the objective function :\beginF(\mathbf) &= \frac G^\mathrm(\mathbf) G(\mathbf) \\&=\frac \left \left (3x_1-\cos(x_2x_3)-\frac \right)^2 + \left(4x_1^2-625x_2^2+2x_2-1 \right)^2 +\right.\\ &\qquad\left. \left(\exp(-x_1x_2) + 20x_3 + \frac \right)^2 \right\end which we will attempt to minimize. As an initial guess, let us use : \mathbf^= \mathbf = \begin 0 \\ 0 \\ 0 \\ \end. We know that :\mathbf^=\mathbf-\gamma_0 \nabla F(\mathbf) = \mathbf-\gamma_0 J_G(\mathbf)^\mathrm G(\mathbf), where the
Jacobian matrix In vector calculus, the Jacobian matrix (, ) of a vector-valued function of several variables is the matrix of all its first-order partial derivatives. If this matrix is square, that is, if the number of variables equals the number of component ...
J_G is given by :J_G(\mathbf) = \begin 3 & \sin(x_2x_3)x_3 & \sin(x_2x_3)x_2 \\ 8x_1 & -1250x_2+2 & 0 \\ -x_2\exp & -x_1\exp(-x_1x_2) & 20\\ \end. We calculate: :J_G(\mathbf) = \begin 3 & 0 & 0\\ 0 & 2 & 0\\ 0 & 0 & 20 \end, \qquad G(\mathbf) = \begin -2.5\\ -1\\ 10.472 \end. Thus :\mathbf^= \mathbf-\gamma_0 \begin -7.5\\ -2\\ 209.44 \end, and :F(\mathbf) = 0.5 \left( (-2.5)^2 + (-1)^2 + (10.472)^2 \right) = 58.456. Now, a suitable \gamma_0 must be found such that :F\left (\mathbf^\right ) \le F\left (\mathbf^\right ) = F(\mathbf). This can be done with any of a variety of line search algorithms. One might also simply guess \gamma_0=0.001, which gives : \mathbf^=\begin 0.0075 \\ 0.002 \\ -0.20944 \\ \end. Evaluating the objective function at this value, yields :F \left (\mathbf^\right ) = 0.5 \left ((-2.48)^2 + (-1.00)^2 + (6.28)^2 \right ) = 23.306. The decrease from F(\mathbf)=58.456 to the next step's value of : F\left (\mathbf^\right ) =23.306 is a sizable decrease in the objective function. Further steps would reduce its value further until an approximate solution to the system was found.


Comments

Gradient descent works in spaces of any number of dimensions, even in infinite-dimensional ones. In the latter case, the search space is typically a
function space In mathematics, a function space is a set of functions between two fixed sets. Often, the domain and/or codomain will have additional structure which is inherited by the function space. For example, the set of functions from any set into a ve ...
, and one calculates the Fréchet derivative of the functional to be minimized to determine the descent direction. That gradient descent works in any number of dimensions (finite number at least) can be seen as a consequence of the Cauchy-Schwarz inequality, i.e. the magnitude of the inner (dot) product of two vectors of any dimension is maximized when they are colinear. In the case of gradient descent, that would be when the vector of independent variable adjustments is proportional to the gradient vector of partial derivatives. The gradient descent can take many iterations to compute a local minimum with a required accuracy, if the
curvature In mathematics, curvature is any of several strongly related concepts in geometry that intuitively measure the amount by which a curve deviates from being a straight line or by which a surface deviates from being a plane. If a curve or su ...
in different directions is very different for the given function. For such functions, preconditioning, which changes the geometry of the space to shape the function level sets like concentric circles, cures the slow convergence. Constructing and applying preconditioning can be computationally expensive, however. The gradient descent can be modified via momentums ( Nesterov, Polyak, and Frank-Wolfe) and heavy-ball parameters (exponential moving averages and positive-negative momentum). The main examples of such optimizers are Adam, DiffGrad, Yogi, AdaBelief, etc. Methods based on
Newton's method In numerical analysis, the Newton–Raphson method, also known simply as Newton's method, named after Isaac Newton and Joseph Raphson, is a root-finding algorithm which produces successively better approximations to the roots (or zeroes) of a ...
and inversion of the Hessian using conjugate gradient techniques can be better alternatives. Generally, such methods converge in fewer iterations, but the cost of each iteration is higher. An example is the BFGS method which consists in calculating on every step a matrix by which the gradient vector is multiplied to go into a "better" direction, combined with a more sophisticated line search algorithm, to find the "best" value of \gamma. For extremely large problems, where the computer-memory issues dominate, a limited-memory method such as L-BFGS should be used instead of BFGS or the steepest descent. While it is sometimes possible to substitute gradient descent for a local search algorithm, gradient descent is not in the same family: although it is an
iterative method In computational mathematics, an iterative method is a Algorithm, mathematical procedure that uses an initial value to generate a sequence of improving approximate solutions for a class of problems, in which the ''i''-th approximation (called an " ...
for local optimization, it relies on an objective function’s gradient rather than an explicit exploration of a solution space. Gradient descent can be viewed as applying
Euler's method In mathematics and computational science, the Euler method (also called the forward Euler method) is a first-order numerical procedure for solving ordinary differential equations (ODEs) with a given initial value. It is the most basic explic ...
for solving
ordinary differential equations In mathematics, an ordinary differential equation (ODE) is a differential equation (DE) dependent on only a single independent variable. As with any other DE, its unknown(s) consists of one (or more) function(s) and involves the derivatives ...
x'(t)=-\nabla f(x(t)) to a gradient flow. In turn, this equation may be derived as an optimal controller for the control system x'(t) = u(t) with u(t) given in feedback form u(t) = -\nabla f(x(t)).


Modifications

Gradient descent can converge to a local minimum and slow down in a neighborhood of a
saddle point In mathematics, a saddle point or minimax point is a Point (geometry), point on the surface (mathematics), surface of the graph of a function where the slopes (derivatives) in orthogonal directions are all zero (a Critical point (mathematics), ...
. Even for unconstrained quadratic minimization, gradient descent develops a zig-zag pattern of subsequent iterates as iterations progress, resulting in slow convergence. Multiple modifications of gradient descent have been proposed to address these deficiencies.


Fast gradient methods

Yurii Nesterov has proposed a simple modification that enables faster convergence for convex problems and has been since further generalized. For unconstrained smooth problems, the method is called the fast gradient method (FGM) or the accelerated gradient method (AGM). Specifically, if the differentiable function F is convex and \nabla F is Lipschitz, and it is not assumed that F is strongly convex, then the error in the objective value generated at each step k by the gradient descent method will be bounded by \mathcal\left(\right). Using the Nesterov acceleration technique, the error decreases at \mathcal\left(\right). It is known that the rate \mathcal\left(\right) for the decrease of the cost function is optimal for first-order optimization methods. Nevertheless, there is the opportunity to improve the algorithm by reducing the constant factor. The optimized gradient method (OGM) reduces that constant by a factor of two and is an optimal first-order method for large-scale problems. For constrained or non-smooth problems, Nesterov's FGM is called the fast proximal gradient method (FPGM), an acceleration of the proximal gradient method.


Momentum or ''heavy ball'' method

Trying to break the zig-zag pattern of gradient descent, the ''momentum or heavy ball method'' uses a momentum term in analogy to a heavy ball sliding on the surface of values of the function being minimized, or to mass movement in Newtonian dynamics through a
viscous Viscosity is a measure of a fluid's rate-dependent resistance to a change in shape or to movement of its neighboring portions relative to one another. For liquids, it corresponds to the informal concept of ''thickness''; for example, syrup h ...
medium in a
conservative force In physics, a conservative force is a force with the property that the total work done by the force in moving a particle between two points is independent of the path taken. Equivalently, if a particle travels in a closed loop, the total work don ...
field. Gradient descent with momentum remembers the solution update at each iteration, and determines the next update as a
linear combination In mathematics, a linear combination or superposition is an Expression (mathematics), expression constructed from a Set (mathematics), set of terms by multiplying each term by a constant and adding the results (e.g. a linear combination of ''x'' a ...
of the gradient and the previous update. For unconstrained quadratic minimization, a theoretical convergence rate bound of the heavy ball method is asymptotically the same as that for the optimal conjugate gradient method. This technique is used in
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 ...
and as an extension to the
backpropagation In machine learning, backpropagation is a gradient computation method commonly used for training a neural network to compute its parameter updates. It is an efficient application of the chain rule to neural networks. Backpropagation computes th ...
algorithms used to train
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 ...
s. In the direction of updating, stochastic gradient descent adds a stochastic property. The weights can be used to calculate the derivatives.


Extensions

Gradient descent can be extended to handle constraints by including a
projection Projection or projections may refer to: Physics * Projection (physics), the action/process of light, heat, or sound reflecting from a surface to another in a different direction * The display of images by a projector Optics, graphics, and carto ...
onto the set of constraints. This method is only feasible when the projection is efficiently computable on a computer. Under suitable assumptions, this method converges. This method is a specific case of the forward-backward algorithm for monotone inclusions (which includes convex programming and
variational inequalities In mathematics, a variational inequality is an inequality (mathematics), inequality involving a Functional (mathematics), functional, which has to be Inequality (mathematics)#Solving Inequalities, solved for all possible values of a given Variable ( ...
). Gradient descent is a special case of mirror descent using the squared Euclidean distance as the given Bregman divergence.


Theoretical properties

The properties of gradient descent depend on the properties of the objective function and the variant of gradient descent used (for example, if a line search step is used). The assumptions made affect the convergence rate, and other properties, that can be proven for gradient descent. For example, if the objective is assumed to be strongly convex and lipschitz smooth, then gradient descent converges linearly with a fixed step size. Looser assumptions lead to either weaker convergence guarantees or require a more sophisticated step size selection.


See also

* Backtracking line search *
Conjugate gradient method In mathematics, the conjugate gradient method is an algorithm for the numerical solution of particular systems of linear equations, namely those whose matrix is positive-semidefinite. The conjugate gradient method is often implemented as an it ...
*
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 ...
* Rprop * Delta rule * Wolfe conditions * Preconditioning * Broyden–Fletcher–Goldfarb–Shanno algorithm * Davidon–Fletcher–Powell formula * Nelder–Mead method * Gauss–Newton algorithm *
Hill climbing numerical analysis, hill climbing is a mathematical optimization technique which belongs to the family of local search. It is an iterative algorithm that starts with an arbitrary solution to a problem, then attempts to find a better soluti ...
* Quantum annealing * CLS (continuous local search) *
Neuroevolution Neuroevolution, or neuro-evolution, is a form of artificial intelligence that uses evolutionary algorithms to generate artificial neural networks (ANN), parameters, and rules. It is most commonly applied in artificial life, general game playing ...


References


Further reading

* * *


External links


Using gradient descent in C++, Boost, Ublas for linear regression

Series of Khan Academy videos discusses gradient ascent


* Archived at ttps://ghostarchive.org/varchive/youtube/20211211/IHZwWFHWa-w Ghostarchiveand th
Wayback Machine
* {{DEFAULTSORT:Gradient Descent Mathematical optimization First order methods Optimization algorithms and methods Gradient methods