fbpx
Wikipedia

Singular value decomposition

In linear algebra, the singular value decomposition (SVD) is a factorization of a real or complex matrix. It generalizes the eigendecomposition of a square normal matrix with an orthonormal eigenbasis to any matrix. It is related to the polar decomposition.

Illustration of the singular value decomposition UΣV of a real 2×2 matrix M.
  • Top: The action of M, indicated by its effect on the unit disc D and the two canonical unit vectors e1 and e2.
  • Left: The action of V, a rotation, on D, e1, and e2.
  • Bottom: The action of Σ, a scaling by the singular values σ1 horizontally and σ2 vertically.
  • Right: The action of U, another rotation.

Specifically, the singular value decomposition of an complex matrix M is a factorization of the form where U is an complex unitary matrix, is an rectangular diagonal matrix with non-negative real numbers on the diagonal, V is an complex unitary matrix, and is the conjugate transpose of V. Such decomposition always exists for any complex matrix. If M is real, then U and V can be guaranteed to be real orthogonal matrices; in such contexts, the SVD is often denoted

The diagonal entries of are uniquely determined by M and are known as the singular values of M. The number of non-zero singular values is equal to the rank of M. The columns of U and the columns of V are called left-singular vectors and right-singular vectors of M, respectively. They form two sets of orthonormal bases u1, ..., um and v1, ..., vn , and if they are sorted so that the singular values with value zero are all in the highest-numbered columns (or rows), the singular value decomposition can be written as where is the rank of M.

The SVD is not unique. It is always possible to choose the decomposition so that the singular values are in descending order. In this case, (but not U and V) is uniquely determined by M.

The term sometimes refers to the compact SVD, a similar decomposition in which is square diagonal of size , where is the rank of M, and has only the non-zero singular values. In this variant, U is an semi-unitary matrix and is an semi-unitary matrix, such that

Mathematical applications of the SVD include computing the pseudoinverse, matrix approximation, and determining the rank, range, and null space of a matrix. The SVD is also extremely useful in all areas of science, engineering, and statistics, such as signal processing, least squares fitting of data, and process control.

Intuitive interpretations

 
Animated illustration of the SVD of a 2D, real shearing matrix M. First, we see the unit disc in blue together with the two canonical unit vectors. We then see the actions of M, which distorts the disk to an ellipse. The SVD decomposes M into three simple transformations: an initial rotation V, a scaling   along the coordinate axes, and a final rotation U. The lengths σ1 and σ2 of the semi-axes of the ellipse are the singular values of M, namely Σ1,1 and Σ2,2.
 
Visualization of the matrix multiplications in singular value decomposition

Rotation, coordinate scaling, and reflection

In the special case when M is an m × m real square matrix, the matrices U and V can be chosen to be real m × m matrices too. In that case, "unitary" is the same as "orthogonal". Then, interpreting both unitary matrices as well as the diagonal matrix, summarized here as A, as a linear transformation xAx of the space Rm, the matrices U and V represent rotations or reflection of the space, while   represents the scaling of each coordinate xi by the factor σi. Thus the SVD decomposition breaks down any linear transformation of Rm into a composition of three geometrical transformations: a rotation or reflection (V), followed by a coordinate-by-coordinate scaling ( ), followed by another rotation or reflection (U).

In particular, if M has a positive determinant, then U and V can be chosen to be both rotations with reflections, or both rotations without reflections.[citation needed] If the determinant is negative, exactly one of them will have a reflection. If the determinant is zero, each can be independently chosen to be of either type.

If the matrix M is real but not square, namely m×n with mn, it can be interpreted as a linear transformation from Rn to Rm. Then U and V can be chosen to be rotations/reflections of Rm and Rn, respectively; and  , besides scaling the first   coordinates, also extends the vector with zeros, i.e. removes trailing coordinates, so as to turn Rn into Rm.

Singular values as semiaxes of an ellipse or ellipsoid

As shown in the figure, the singular values can be interpreted as the magnitude of the semiaxes of an ellipse in 2D. This concept can be generalized to n-dimensional Euclidean space, with the singular values of any n × n square matrix being viewed as the magnitude of the semiaxis of an n-dimensional ellipsoid. Similarly, the singular values of any m × n matrix can be viewed as the magnitude of the semiaxis of an n-dimensional ellipsoid in m-dimensional space, for example as an ellipse in a (tilted) 2D plane in a 3D space. Singular values encode magnitude of the semiaxis, while singular vectors encode direction. See below for further details.

The columns of U and V are orthonormal bases

Since U and V are unitary, the columns of each of them form a set of orthonormal vectors, which can be regarded as basis vectors. The matrix M maps the basis vector Vi to the stretched unit vector σi Ui. By the definition of a unitary matrix, the same is true for their conjugate transposes U and V, except the geometric interpretation of the singular values as stretches is lost. In short, the columns of U, U, V, and V are orthonormal bases. When   is a positive-semidefinite Hermitian matrix, U and V are both equal to the unitary matrix used to diagonalize  . However, when   is not positive-semidefinite and Hermitian but still diagonalizable, its eigendecomposition and singular value decomposition are distinct.

Geometric meaning

Because U and V are unitary, we know that the columns U1, ..., Um of U yield an orthonormal basis of Km and the columns V1, ..., Vn of V yield an orthonormal basis of Kn (with respect to the standard scalar products on these spaces).

The linear transformation

 

has a particularly simple description with respect to these orthonormal bases: we have

 

where σi is the i-th diagonal entry of  , and T(Vi) = 0 for i > min(m,n).

The geometric content of the SVD theorem can thus be summarized as follows: for every linear map T : KnKm one can find orthonormal bases of Kn and Km such that T maps the i-th basis vector of Kn to a non-negative multiple of the i-th basis vector of Km, and sends the left-over basis vectors to zero. With respect to these bases, the map T is therefore represented by a diagonal matrix with non-negative real diagonal entries.

To get a more visual flavor of singular values and SVD factorization – at least when working on real vector spaces – consider the sphere S of radius one in Rn. The linear map T maps this sphere onto an ellipsoid in Rm. Non-zero singular values are simply the lengths of the semi-axes of this ellipsoid. Especially when n = m, and all the singular values are distinct and non-zero, the SVD of the linear map T can be easily analyzed as a succession of three consecutive moves: consider the ellipsoid T(S) and specifically its axes; then consider the directions in Rn sent by T onto these axes. These directions happen to be mutually orthogonal. Apply first an isometry V sending these directions to the coordinate axes of Rn. On a second move, apply an endomorphism D diagonalized along the coordinate axes and stretching or shrinking in each direction, using the semi-axes lengths of T(S) as stretching coefficients. The composition DV then sends the unit-sphere onto an ellipsoid isometric to T(S). To define the third and last move, apply an isometry U to this ellipsoid to obtain T(S). As can be easily checked, the composition UDV coincides with T.

Example

Consider the 4 × 5 matrix

 

A singular value decomposition of this matrix is given by UΣV

 

The scaling matrix   is zero outside of the diagonal (grey italics) and one diagonal element is zero (red bold, light blue bold in dark mode). Furthermore, because the matrices U and V are unitary, multiplying by their respective conjugate transposes yields identity matrices, as shown below. In this case, because U and V are real valued, each is an orthogonal matrix.

 

This particular singular value decomposition is not unique. Choosing   such that

 

is also a valid singular value decomposition.

SVD and spectral decomposition

Singular values, singular vectors, and their relation to the SVD

A non-negative real number σ is a singular value for M if and only if there exist unit-length vectors   in Km and   in Kn such that

 

The vectors   and   are called left-singular and right-singular vectors for σ, respectively.

In any singular value decomposition

 

the diagonal entries of   are equal to the singular values of M. The first p = min(m, n) columns of U and V are, respectively, left- and right-singular vectors for the corresponding singular values. Consequently, the above theorem implies that:

  • An m × n matrix M has at most p distinct singular values.
  • It is always possible to find a unitary basis U for Km with a subset of basis vectors spanning the left-singular vectors of each singular value of M.
  • It is always possible to find a unitary basis V for Kn with a subset of basis vectors spanning the right-singular vectors of each singular value of M.

A singular value for which we can find two left (or right) singular vectors that are linearly independent is called degenerate. If   and   are two left-singular vectors which both correspond to the singular value σ, then any normalized linear combination of the two vectors is also a left-singular vector corresponding to the singular value σ. The similar statement is true for right-singular vectors. The number of independent left and right-singular vectors coincides, and these singular vectors appear in the same columns of U and V corresponding to diagonal elements of   all with the same value σ.

As an exception, the left and right-singular vectors of singular value 0 comprise all unit vectors in the cokernel and kernel, respectively, of M, which by the rank–nullity theorem cannot be the same dimension if mn. Even if all singular values are nonzero, if m > n then the cokernel is nontrivial, in which case U is padded with mn orthogonal vectors from the cokernel. Conversely, if m < n, then V is padded by nm orthogonal vectors from the kernel. However, if the singular value of 0 exists, the extra columns of U or V already appear as left or right-singular vectors.

Non-degenerate singular values always have unique left- and right-singular vectors, up to multiplication by a unit-phase factor eiφ (for the real case up to a sign). Consequently, if all singular values of a square matrix M are non-degenerate and non-zero, then its singular value decomposition is unique, up to multiplication of a column of U by a unit-phase factor and simultaneous multiplication of the corresponding column of V by the same unit-phase factor. In general, the SVD is unique up to arbitrary unitary transformations applied uniformly to the column vectors of both U and V spanning the subspaces of each singular value, and up to arbitrary unitary transformations on vectors of U and V spanning the kernel and cokernel, respectively, of M.

Relation to eigenvalue decomposition

The singular value decomposition is very general in the sense that it can be applied to any m × n matrix, whereas eigenvalue decomposition can only be applied to diagonalizable matrices. Nevertheless, the two decompositions are related.

Given an SVD of M, as described above, the following two relations hold:

 

The right-hand sides of these relations describe the eigenvalue decompositions of the left-hand sides. Consequently:

  • The columns of V (right-singular vectors) are eigenvectors of MM.
  • The columns of U (left-singular vectors) are eigenvectors of MM.
  • The non-zero elements of   (non-zero singular values) are the square roots of the non-zero eigenvalues of MM or MM.

In the special case that M is a normal matrix, which by definition must be square, the spectral theorem says that it can be unitarily diagonalized using a basis of eigenvectors, so that it can be written M = UDU for a unitary matrix U and a diagonal matrix D with complex elements σi along the diagonal. When M is positive semi-definite, σi will be non-negative real numbers so that the decomposition M = UDU is also a singular value decomposition. Otherwise, it can be recast as an SVD by moving the phase e of each σi to either its corresponding Vi or Ui. The natural connection of the SVD to non-normal matrices is through the polar decomposition theorem: M = SR, where S = UΣU is positive semidefinite and normal, and R = UV is unitary.

Thus, except for positive semi-definite matrices, the eigenvalue decomposition and SVD of M, while related, differ: the eigenvalue decomposition is M = UDU−1, where U is not necessarily unitary and D is not necessarily positive semi-definite, while the SVD is M = UΣV, where   is diagonal and positive semi-definite, and U and V are unitary matrices that are not necessarily related except through the matrix M. While only non-defective square matrices have an eigenvalue decomposition, any   matrix has a SVD.

Applications of the SVD

Pseudoinverse

The singular value decomposition can be used for computing the pseudoinverse of a matrix. (Various authors use different notation for the pseudoinverse; here we use .) Indeed, the pseudoinverse of the matrix M with singular value decomposition M = UΣV is

M = V Σ U

where Σ is the pseudoinverse of Σ, which is formed by replacing every non-zero diagonal entry by its reciprocal and transposing the resulting matrix. The pseudoinverse is one way to solve linear least squares problems.

Solving homogeneous linear equations

A set of homogeneous linear equations can be written as Ax = 0 for a matrix A and vector x. A typical situation is that A is known and a non-zero x is to be determined which satisfies the equation. Such an x belongs to A's null space and is sometimes called a (right) null vector of A. The vector x can be characterized as a right-singular vector corresponding to a singular value of A that is zero. This observation means that if A is a square matrix and has no vanishing singular value, the equation has no non-zero x as a solution. It also means that if there are several vanishing singular values, any linear combination of the corresponding right-singular vectors is a valid solution. Analogously to the definition of a (right) null vector, a non-zero x satisfying xA = 0, with x denoting the conjugate transpose of x, is called a left null vector of A.

Total least squares minimization

A total least squares problem seeks the vector x that minimizes the 2-norm of a vector Ax under the constraint ||x|| = 1. The solution turns out to be the right-singular vector of A corresponding to the smallest singular value.

Range, null space and rank

Another application of the SVD is that it provides an explicit representation of the range and null space of a matrix M. The right-singular vectors corresponding to vanishing singular values of M span the null space of M and the left-singular vectors corresponding to the non-zero singular values of M span the range of M. For example, in the above example the null space is spanned by the last two rows of V and the range is spanned by the first three columns of U.

As a consequence, the rank of M equals the number of non-zero singular values which is the same as the number of non-zero diagonal elements in  . In numerical linear algebra the singular values can be used to determine the effective rank of a matrix, as rounding error may lead to small but non-zero singular values in a rank deficient matrix. Singular values beyond a significant gap are assumed to be numerically equivalent to zero.

Low-rank matrix approximation

Some practical applications need to solve the problem of approximating a matrix M with another matrix  , said to be truncated, which has a specific rank r. In the case that the approximation is based on minimizing the Frobenius norm of the difference between M and   under the constraint that  , it turns out that the solution is given by the SVD of M, namely

 

where   is the same matrix as   except that it contains only the r largest singular values (the other singular values are replaced by zero). This is known as the Eckart–Young theorem, as it was proved by those two authors in 1936 (although it was later found to have been known to earlier authors; see Stewart 1993).

Separable models

The SVD can be thought of as decomposing a matrix into a weighted, ordered sum of separable matrices. By separable, we mean that a matrix A can be written as an outer product of two vectors A = uv, or, in coordinates,  . Specifically, the matrix M can be decomposed as

 

Here Ui and Vi are the i-th columns of the corresponding SVD matrices, σi are the ordered singular values, and each Ai is separable. The SVD can be used to find the decomposition of an image processing filter into separable horizontal and vertical filters. Note that the number of non-zero σi is exactly the rank of the matrix.

Separable models often arise in biological systems, and the SVD factorization is useful to analyze such systems. For example, some visual area V1 simple cells' receptive fields can be well described[1] by a Gabor filter in the space domain multiplied by a modulation function in the time domain. Thus, given a linear filter evaluated through, for example, reverse correlation, one can rearrange the two spatial dimensions into one dimension, thus yielding a two-dimensional filter (space, time) which can be decomposed through SVD. The first column of U in the SVD factorization is then a Gabor while the first column of V represents the time modulation (or vice versa). One may then define an index of separability

 

which is the fraction of the power in the matrix M which is accounted for by the first separable matrix in the decomposition.[2]

Nearest orthogonal matrix

It is possible to use the SVD of a square matrix A to determine the orthogonal matrix O closest to A. The closeness of fit is measured by the Frobenius norm of OA. The solution is the product UV.[3] This intuitively makes sense because an orthogonal matrix would have the decomposition UIV where I is the identity matrix, so that if A = UΣV then the product A = UV amounts to replacing the singular values with ones. Equivalently, the solution is the unitary matrix R = UV of the Polar Decomposition M = RP = P'R in either order of stretch and rotation, as described above.

A similar problem, with interesting applications in shape analysis, is the orthogonal Procrustes problem, which consists of finding an orthogonal matrix O which most closely maps A to B. Specifically,

 

where   denotes the Frobenius norm.

This problem is equivalent to finding the nearest orthogonal matrix to a given matrix M = ATB.

The Kabsch algorithm

The Kabsch algorithm (called Wahba's problem in other fields) uses SVD to compute the optimal rotation (with respect to least-squares minimization) that will align a set of points with a corresponding set of points. It is used, among other applications, to compare the structures of molecules.

Signal processing

The SVD and pseudoinverse have been successfully applied to signal processing,[4] image processing[5] and big data (e.g., in genomic signal processing).[6][7][8][9]

Astrodynamics

In Astrodynamics, the SVD and its variants are used as an option to determine suitable maneuver directions for transfer trajectory design[10] and Orbital station-keeping.[11]

Other examples

The SVD is also applied extensively to the study of linear inverse problems and is useful in the analysis of regularization methods such as that of Tikhonov. It is widely used in statistics, where it is related to principal component analysis and to correspondence analysis, and in signal processing and pattern recognition. It is also used in output-only modal analysis, where the non-scaled mode shapes can be determined from the singular vectors. Yet another usage is latent semantic indexing in natural-language text processing.

In general numerical computation involving linear or linearized systems, there is a universal constant that characterizes the regularity or singularity of a problem, which is the system's "condition number"  . It often controls the error rate or convergence rate of a given computational scheme on such systems.[12][13]

The SVD also plays a crucial role in the field of quantum information, in a form often referred to as the Schmidt decomposition. Through it, states of two quantum systems are naturally decomposed, providing a necessary and sufficient condition for them to be entangled: if the rank of the   matrix is larger than one.

One application of SVD to rather large matrices is in numerical weather prediction, where Lanczos methods are used to estimate the most linearly quickly growing few perturbations to the central numerical weather prediction over a given initial forward time period; i.e., the singular vectors corresponding to the largest singular values of the linearized propagator for the global weather over that time interval. The output singular vectors in this case are entire weather systems. These perturbations are then run through the full nonlinear model to generate an ensemble forecast, giving a handle on some of the uncertainty that should be allowed for around the current central prediction.

SVD has also been applied to reduced order modelling. The aim of reduced order modelling is to reduce the number of degrees of freedom in a complex system which is to be modeled. SVD was coupled with radial basis functions to interpolate solutions to three-dimensional unsteady flow problems.[14]

Interestingly, SVD has been used to improve gravitational waveform modeling by the ground-based gravitational-wave interferometer aLIGO.[15] SVD can help to increase the accuracy and speed of waveform generation to support gravitational-waves searches and update two different waveform models.

Singular value decomposition is used in recommender systems to predict people's item ratings.[16] Distributed algorithms have been developed for the purpose of calculating the SVD on clusters of commodity machines.[17]

Low-rank SVD has been applied for hotspot detection from spatiotemporal data with application to disease outbreak detection.[18] A combination of SVD and higher-order SVD also has been applied for real time event detection from complex data streams (multivariate data with space and time dimensions) in disease surveillance.[19]

Proof of existence

An eigenvalue λ of a matrix M is characterized by the algebraic relation Mu = λu. When M is Hermitian, a variational characterization is also available. Let M be a real n × n symmetric matrix. Define

 

By the extreme value theorem, this continuous function attains a maximum at some u when restricted to the unit sphere {||x|| = 1}. By the Lagrange multipliers theorem, u necessarily satisfies

 

for some real number λ. The nabla symbol, , is the del operator (differentiation with respect to x). Using the symmetry of M we obtain

 

Therefore Mu = λu, so u is a unit length eigenvector of M. For every unit length eigenvector v of M its eigenvalue is f(v), so λ is the largest eigenvalue of M. The same calculation performed on the orthogonal complement of u gives the next largest eigenvalue and so on. The complex Hermitian case is similar; there f(x) = x* M x is a real-valued function of 2n real variables.

Singular values are similar in that they can be described algebraically or from variational principles. Although, unlike the eigenvalue case, Hermiticity, or symmetry, of M is no longer required.

This section gives these two arguments for existence of singular value decomposition.

Based on the spectral theorem

Let   be an m × n complex matrix. Since   is positive semi-definite and Hermitian, by the spectral theorem, there exists an n × n unitary matrix   such that

 

where   is diagonal and positive definite, of dimension  , with   the number of non-zero eigenvalues of   (which can be shown to verify  ). Note that   is here by definition a matrix whose  -th column is the  -th eigenvector of  , corresponding to the eigenvalue  . Moreover, the  -th column of  , for  , is an eigenvector of   with eigenvalue  . This can be expressed by writing   as  , where the columns of   and   therefore contain the eigenvectors of   corresponding to non-zero and zero eigenvalues, respectively. Using this rewriting of  , the equation becomes:

 

This implies that

 

Moreover, the second equation implies  .[20] Finally, the unitary-ness of   translates, in terms of   and  , into the following conditions:

 

where the subscripts on the identity matrices are used to remark that they are of different dimensions.

Let us now define

 

Then,

 

since   This can be also seen as immediate consequence of the fact that  . This is equivalent to the observation that if   is the set of eigenvectors of   corresponding to non-vanishing eigenvalues  , then   is a set of orthogonal vectors, and   is a (generally not complete) set of orthonormal vectors. This matches with the matrix formalism used above denoting with   the matrix whose columns are  , with   the matrix whose columns are the eigenvectors of   with vanishing eigenvalue, and   the matrix whose columns are the vectors  .

We see that this is almost the desired result, except that   and   are in general not unitary, since they might not be square. However, we do know that the number of rows of   is no smaller than the number of columns, since the dimensions of   is no greater than   and  . Also, since

 

the columns in   are orthonormal and can be extended to an orthonormal basis. This means that we can choose   such that   is unitary.

For V1 we already have V2 to make it unitary. Now, define

 

where extra zero rows are added or removed to make the number of zero rows equal the number of columns of U2, and hence the overall dimensions of   equal to  . Then

 

which is the desired result:

 

Notice the argument could begin with diagonalizing MM rather than MM (This shows directly that MM and MM have the same non-zero eigenvalues).

Based on variational characterization

The singular values can also be characterized as the maxima of uTMv, considered as a function of u and v, over particular subspaces. The singular vectors are the values of u and v where these maxima are attained.

Let M denote an m × n matrix with real entries. Let Sk−1 be the unit  -sphere in  , and define  

Consider the function σ restricted to Sm−1 × Sn−1. Since both Sm−1 and Sn−1 are compact sets, their product is also compact. Furthermore, since σ is continuous, it attains a largest value for at least one pair of vectors uSm−1 and vSn−1. This largest value is denoted σ1 and the corresponding vectors are denoted u1 and v1. Since σ1 is the largest value of σ(u, v) it must be non-negative. If it were negative, changing the sign of either u1 or v1 would make it positive and therefore larger.

Statement. u1, v1 are left and right-singular vectors of M with corresponding singular value σ1.

Proof. Similar to the eigenvalues case, by assumption the two vectors satisfy the Lagrange multiplier equation:

 

After some algebra, this becomes

 

Multiplying the first equation from left by   and the second equation from left by   and taking ||u|| = ||v|| = 1 into account gives

 

Plugging this into the pair of equations above, we have

 

This proves the statement.

More singular vectors and singular values can be found by maximizing σ(u, v) over normalized u, v which are orthogonal to u1 and v1, respectively.

The passage from real to complex is similar to the eigenvalue case.

Calculating the SVD

The singular value decomposition can be computed using the following observations:

  • The left-singular vectors of M are a set of orthonormal eigenvectors of MM.
  • The right-singular vectors of M are a set of orthonormal eigenvectors of MM.
  • The non-zero singular values of M (found on the diagonal entries of  ) are the square roots of the non-zero eigenvalues of both MM and MM.

Numerical approach

The SVD of a matrix M is typically computed by a two-step procedure. In the first step, the matrix is reduced to a bidiagonal matrix. This takes O(mn2) floating-point operations (flop), assuming that mn. The second step is to compute the SVD of the bidiagonal matrix. This step can only be done with an iterative method (as with eigenvalue algorithms). However, in practice it suffices to compute the SVD up to a certain precision, like the machine epsilon. If this precision is considered constant, then the second step takes O(n) iterations, each costing O(n) flops. Thus, the first step is more expensive, and the overall cost is O(mn2) flops (Trefethen & Bau III 1997, Lecture 31).

The first step can be done using Householder reflections for a cost of 4mn2 − 4n3/3 flops, assuming that only the singular values are needed and not the singular vectors. If m is much larger than n then it is advantageous to first reduce the matrix M to a triangular matrix with the QR decomposition and then use Householder reflections to further reduce the matrix to bidiagonal form; the combined cost is 2mn2 + 2n3 flops (Trefethen & Bau III 1997, Lecture 31).

The second step can be done by a variant of the QR algorithm for the computation of eigenvalues, which was first described by Golub & Kahan (1965). The LAPACK subroutine DBDSQR[21] implements this iterative method, with some modifications to cover the case where the singular values are very small (Demmel & Kahan 1990). Together with a first step using Householder reflections and, if appropriate, QR decomposition, this forms the DGESVD[22] routine for the computation of the singular value decomposition.

The same algorithm is implemented in the GNU Scientific Library (GSL). The GSL also offers an alternative method that uses a one-sided Jacobi orthogonalization in step 2 (GSL Team 2007). This method computes the SVD of the bidiagonal matrix by solving a sequence of 2 × 2 SVD problems, similar to how the Jacobi eigenvalue algorithm solves a sequence of 2 × 2 eigenvalue methods (Golub & Van Loan 1996, §8.6.3). Yet another method for step 2 uses the idea of divide-and-conquer eigenvalue algorithms (Trefethen & Bau III 1997, Lecture 31).

There is an alternative way that does not explicitly use the eigenvalue decomposition.[23] Usually the singular value problem of a matrix M is converted into an equivalent symmetric eigenvalue problem such as M M, MM, or

 

The approaches that use eigenvalue decompositions are based on the QR algorithm, which is well-developed to be stable and fast. Note that the singular values are real and right- and left- singular vectors are not required to form similarity transformations. One can iteratively alternate between the QR decomposition and the LQ decomposition to find the real diagonal Hermitian matrices. The QR decomposition gives MQ R and the LQ decomposition of R gives RL P. Thus, at every iteration, we have MQ L P, update ML and repeat the orthogonalizations. Eventually,[clarification needed] this iteration between QR decomposition and LQ decomposition produces left- and right- unitary singular matrices. This approach cannot readily be accelerated, as the QR algorithm can with spectral shifts or deflation. This is because the shift method is not easily defined without using similarity transformations. However, this iterative approach is very simple to implement, so is a good choice when speed does not matter. This method also provides insight into how purely orthogonal/unitary transformations can obtain the SVD.

Analytic result of 2 × 2 SVD

The singular values of a 2 × 2 matrix can be found analytically. Let the matrix be  

where   are complex numbers that parameterize the matrix, I is the identity matrix, and   denote the Pauli matrices. Then its two singular values are given by

 

Reduced SVDs

 
Visualization of Reduced SVD variants. From top to bottom: 1: Full SVD, 2: Thin SVD (remove columns of U not corresponding to rows of V*), 3: Compact SVD (remove vanishing singular values and corresponding columns/rows in U and V*), 4: Truncated SVD (keep only largest t singular values and corresponding columns/rows in U and V*)

In applications it is quite unusual for the full SVD, including a full unitary decomposition of the null-space of the matrix, to be required. Instead, it is often sufficient (as well as faster, and more economical for storage) to compute a reduced version of the SVD. The following can be distinguished for an m×n matrix M of rank r:

Thin SVD

The thin, or economy-sized, SVD of a matrix M is given by[24]

 

where

 ,

the matrices Uk and Vk contain only the first k columns of U and V, and Σk contains only the first k singular values from Σ. The matrix Uk is thus m×k, Σk is k×k diagonal, and Vk* is k×n.

The thin SVD uses significantly less space and computation time if k ≪ max(m, n). The first stage in its calculation will usually be a QR decomposition of M, which can make for a significantly quicker calculation in this case.

Compact SVD

 

Only the r column vectors of U and r row vectors of V* corresponding to the non-zero singular values Σr are calculated. The remaining vectors of U and V* are not calculated. This is quicker and more economical than the thin SVD if r ≪ min(m, n). The matrix Ur is thus m×r, Σr is r×r diagonal, and Vr* is r×n.

Truncated SVD

In many applications the number r of the non-zero singular values is large making even the Compact SVD impractical to compute. In such cases, the smallest singular values may need to be truncated to compute only t ≪ r non-zero singular values. The truncated SVD is no longer an exact decomposition of the original matrix M, but rather provides the optimal low-rank matrix approximation   by any matrix of a fixed rank t

 ,

where matrix Ut is m×t, Σt is t×t diagonal, and Vt* is t×n. Only the t column vectors of U and t row vectors of V* corresponding to the t largest singular values Σt are calculated. This can be much quicker and more economical than the compact SVD if tr, but requires a completely different toolset of numerical solvers.

In applications that require an approximation to the Moore–Penrose inverse of the matrix M, the smallest singular values of M are of interest, which are more challenging to compute compared to the largest ones.

Truncated SVD is employed in latent semantic indexing.[25]

Norms

Ky Fan norms

The sum of the k largest singular values of M is a matrix norm, the Ky Fan k-norm of M.[26]

The first of the Ky Fan norms, the Ky Fan 1-norm, is the same as the operator norm of M as a linear operator with respect to the Euclidean norms of Km and Kn. In other words, the Ky Fan 1-norm is the operator norm induced by the standard 2 Euclidean inner product. For this reason, it is also called the operator 2-norm. One can easily verify the relationship between the Ky Fan 1-norm and singular values. It is true in general, for a bounded operator M on (possibly infinite-dimensional) Hilbert spaces

 

But, in the matrix case, (M* M)1/2 is a normal matrix, so ||M* M||1/2 is the largest eigenvalue of (M* M)1/2, i.e. the largest singular value of M.

The last of the Ky Fan norms, the sum of all singular values, is the trace norm (also known as the 'nuclear norm'), defined by ||M|| = Tr[(M* M)1/2] (the eigenvalues of M* M are the squares of the singular values).

Hilbert–Schmidt norm

The singular values are related to another norm on the space of operators. Consider the Hilbert–Schmidt inner product on the n × n matrices, defined by

 

So the induced norm is

 

Since the trace is invariant under unitary equivalence, this shows

 

where σi are the singular values of M. This is called the Frobenius norm, Schatten 2-norm, or Hilbert–Schmidt norm of M. Direct calculation shows that the Frobenius norm of M = (mij) coincides with:

 

In addition, the Frobenius norm and the trace norm (the nuclear norm) are special cases of the Schatten norm.

Variations and generalizations

Mode-k representation

  can be represented using mode-k multiplication of matrix   applying   then   on the result; that is  .[27]

Tensor SVD

Two types of tensor decompositions exist, which generalise the SVD to multi-way arrays. One of them decomposes a tensor into a sum of rank-1 tensors, which is called a tensor rank decomposition. The second type of decomposition computes the orthonormal subspaces associated with the different factors appearing in the tensor product of vector spaces in which the tensor lives. This decomposition is referred to in the literature as the higher-order SVD (HOSVD) or Tucker3/TuckerM. In addition, multilinear principal component analysis in multilinear subspace learning involves the same mathematical operations as Tucker decomposition, being used in a different context of dimensionality reduction.

Scale-invariant SVD

The singular values of a matrix A are uniquely defined and are invariant with respect to left and/or right unitary transformations of A. In other words, the singular values of UAV, for unitary U and V, are equal to the singular values of A. This is an important property for applications in which it is necessary to preserve Euclidean distances and invariance with respect to rotations.

The Scale-Invariant SVD, or SI-SVD,[28] is analogous to the conventional SVD except that its uniquely-determined singular values are invariant with respect to diagonal transformations of A. In other words, the singular values of DAE, for invertible diagonal matrices D and E, are equal to the singular values of A. This is an important property for applications for which invariance to the choice of units on variables (e.g., metric versus imperial units) is needed.

Higher-order SVD of functions (HOSVD)

Tensor product (TP) model transformation numerically reconstruct the HOSVD of functions. For further details please visit:

Bounded operators on Hilbert spaces

The factorization M = UΣV can be extended to a bounded operator M on a separable Hilbert space H. Namely, for any bounded operator M, there exist a partial isometry U, a unitary V, a measure space (Xμ), and a non-negative measurable f such that

 

where   is the multiplication by f on L2(X, μ).

This can be shown by mimicking the linear algebraic argument for the matricial case above. VTfV* is the unique positive square root of M*M, as given by the Borel functional calculus for self-adjoint operators. The reason why U need not be unitary is because, unlike the finite-dimensional case, given an isometry U1 with nontrivial kernel, a suitable U2 may not be found such that

 

is a unitary operator.

As for matrices, the singular value factorization is equivalent to the polar decomposition for operators: we can simply write

 

and notice that U V* is still a partial isometry while VTfV* is positive.

Singular values and compact operators

The notion of singular values and left/right-singular vectors can be extended to compact operator on Hilbert space as they have a discrete spectrum. If T is compact, every non-zero λ in its spectrum is an eigenvalue. Furthermore, a compact self-adjoint operator can be diagonalized by its eigenvectors. If M is compact, so is MM. Applying the diagonalization result, the unitary image of its positive square root Tf  has a set of orthonormal eigenvectors {ei} corresponding to strictly positive eigenvalues {σi}. For any ψH,

 

where the series converges in the norm topology on H. Notice how this resembles the expression from the finite-dimensional case. σi are called the singular values of M. {Uei} (resp. {Vei}) can be considered the left-singular (resp. right-singular) vectors of M.

Compact operators on a Hilbert space are the closure of finite-rank operators in the uniform operator topology. The above series expression gives an explicit such representation. An immediate consequence of this is:

Theorem. M is compact if and only if MM is compact.

History

The singular value decomposition was originally developed by differential geometers, who wished to determine whether a real bilinear form could be made equal to another by independent orthogonal transformations of the two spaces it acts on. Eugenio Beltrami and Camille Jordan discovered independently, in 1873 and 1874 respectively, that the singular values of the bilinear forms, represented as a matrix, form a complete set of invariants for bilinear forms under orthogonal substitutions. James Joseph Sylvester also arrived at the singular value decomposition for real square matrices in 1889, apparently independently of both Beltrami and Jordan. Sylvester called the singular values the canonical multipliers of the matrix A. The fourth mathematician to discover the singular value decomposition independently is Autonne in 1915, who arrived at it via the polar decomposition. The first proof of the singular value decomposition for rectangular and complex matrices seems to be by Carl Eckart and Gale J. Young in 1936;[29] they saw it as a generalization of the principal axis transformation for Hermitian matrices.

In 1907, Erhard Schmidt defined an analog of singular values for integral operators (which are compact, under some weak technical assumptions); it seems he was unaware of the parallel work on singular values of finite matrices. This theory was further developed by Émile Picard in 1910, who is the first to call the numbers   singular values (or in French, valeurs singulières).

Practical methods for computing the SVD date back to Kogbetliantz in 1954–1955 and Hestenes in 1958,[30] resembling closely the Jacobi eigenvalue algorithm, which uses plane rotations or Givens rotations. However, these were replaced by the method of Gene Golub and William Kahan published in 1965,[31] which uses Householder transformations or reflections. In 1970, Golub and Christian Reinsch[32] published a variant of the Golub/Kahan algorithm that is still the one most-used today.

See also

Notes

  1. ^ DeAngelis, G. C.; Ohzawa, I.; Freeman, R. D. (October 1995). "Receptive-field dynamics in the central visual pathways". Trends Neurosci. 18 (10): 451–8. doi:10.1016/0166-2236(95)94496-R. PMID 8545912. S2CID 12827601.
  2. ^ Depireux, D. A.; Simon, J. Z.; Klein, D. J.; Shamma, S. A. (March 2001). "Spectro-temporal response field characterization with dynamic ripples in ferret primary auditory cortex". J. Neurophysiol. 85 (3): 1220–34. doi:10.1152/jn.2001.85.3.1220. PMID 11247991.
  3. ^ The Singular Value Decomposition in Symmetric (Lowdin) Orthogonalization and Data Compression
  4. ^ Sahidullah, Md.; Kinnunen, Tomi (March 2016). "Local spectral variability features for speaker verification". Digital Signal Processing. 50: 1–11. doi:10.1016/j.dsp.2015.10.011.
  5. ^ Mademlis, Ioannis; Tefas, Anastasios; Pitas, Ioannis (2018). Regularized SVD-based video frame saliency for unsupervised activity video summarization. ieeexplore.ieee.org. IEEE. pp. 2691–2695. doi:10.1109/ICASSP.2018.8462274. ISBN 978-1-5386-4658-8. S2CID 52286352. Retrieved 19 January 2023.
  6. ^ O. Alter, P. O. Brown and D. Botstein (September 2000). "Singular Value Decomposition for Genome-Wide Expression Data Processing and Modeling". PNAS. 97 (18): 10101–10106. Bibcode:2000PNAS...9710101A. doi:10.1073/pnas.97.18.10101. PMC 27718. PMID 10963673.
  7. ^ O. Alter; G. H. Golub (November 2004). "Integrative Analysis of Genome-Scale Data by Using Pseudoinverse Projection Predicts Novel Correlation Between DNA Replication and RNA Transcription". PNAS. 101 (47): 16577–16582. Bibcode:2004PNAS..10116577A. doi:10.1073/pnas.0406767101. PMC 534520. PMID 15545604.
  8. ^ O. Alter; G. H. Golub (August 2006). "Singular Value Decomposition of Genome-Scale mRNA Lengths Distribution Reveals Asymmetry in RNA Gel Electrophoresis Band Broadening". PNAS. 103 (32): 11828–11833. Bibcode:2006PNAS..10311828A. doi:10.1073/pnas.0604756103. PMC 1524674. PMID 16877539.
  9. ^ Bertagnolli, N. M.; Drake, J. A.; Tennessen, J. M.; Alter, O. (November 2013). "SVD Identifies Transcript Length Distribution Functions from DNA Microarray Data and Reveals Evolutionary Forces Globally Affecting GBM Metabolism". PLOS ONE. 8 (11): e78913. Bibcode:2013PLoSO...878913B. doi:10.1371/journal.pone.0078913. PMC 3839928. PMID 24282503. Highlight.
  10. ^ Muralidharan, Vivek; Howell, Kathleen (2023). "Stretching directions in cislunar space: Applications for departures and transfer design". Astrodynamics. 7 (2): 153–178. Bibcode:2023AsDyn...7..153M. doi:10.1007/s42064-022-0147-z.
  11. ^ Muralidharan, Vivek; Howell, Kathleen (2022). "Leveraging stretching directions for stationkeeping in Earth-Moon halo orbits". Advances in Space Research. 69 (1): 620–646. Bibcode:2022AdSpR..69..620M. doi:10.1016/j.asr.2021.10.028.
  12. ^ Edelman, Alan (1992). "On the distribution of a scaled condition number" (PDF). Math. Comp. 58 (197): 185–190. Bibcode:1992MaCom..58..185E. doi:10.1090/S0025-5718-1992-1106966-2.
  13. ^ Shen, Jianhong (Jackie) (2001). "On the singular values of Gaussian random matrices". Linear Alg. Appl. 326 (1–3): 1–14. doi:10.1016/S0024-3795(00)00322-0.
  14. ^ Walton, S.; Hassan, O.; Morgan, K. (2013). "Reduced order modelling for unsteady fluid flow using proper orthogonal decomposition and radial basis functions". Applied Mathematical Modelling. 37 (20–21): 8930–8945. doi:10.1016/j.apm.2013.04.025.
  15. ^ Setyawati, Y.; Ohme, F.; Khan, S. (2019). "Enhancing gravitational waveform model through dynamic calibration". Physical Review D. 99 (2): 024010. arXiv:1810.07060. Bibcode:2019PhRvD..99b4010S. doi:10.1103/PhysRevD.99.024010. S2CID 118935941.
  16. ^ Sarwar, Badrul; Karypis, George; Konstan, Joseph A. & Riedl, John T. (2000). "Application of Dimensionality Reduction in Recommender System – A Case Study" (PDF). University of Minnesota. {{cite journal}}: Cite journal requires |journal= (help)
  17. ^ Bosagh Zadeh, Reza; Carlsson, Gunnar (2013). "Dimension Independent Matrix Square Using MapReduce" (PDF). arXiv:1304.1467. Bibcode:2013arXiv1304.1467B. {{cite journal}}: Cite journal requires |journal= (help)
  18. ^ Hadi Fanaee Tork; João Gama (September 2014). "Eigenspace method for spatiotemporal hotspot detection". Expert Systems. 32 (3): 454–464. arXiv:1406.3506. Bibcode:2014arXiv1406.3506F. doi:10.1111/exsy.12088. S2CID 15476557.
  19. ^ Hadi Fanaee Tork; João Gama (May 2015). "EigenEvent: An Algorithm for Event Detection from Complex Data Streams in Syndromic Surveillance". Intelligent Data Analysis. 19 (3): 597–616. arXiv:1406.3496. doi:10.3233/IDA-150734. S2CID 17966555.
  20. ^ To see this, we just have to notice that  , and remember that  .
  21. ^ Netlib.org
  22. ^ Netlib.org
  23. ^ mathworks.co.kr/matlabcentral/fileexchange/12674-simple-svd
  24. ^ Demmel, James (2000). "Decompositions". Templates for the Solution of Algebraic Eigenvalue Problems. By Bai, Zhaojun; Demmel, James; Dongarra, Jack J.; Ruhe, Axel; van der Vorst, Henk A. Society for Industrial and Applied Mathematics. doi:10.1137/1.9780898719581. ISBN 978-0-89871-471-5.
  25. ^ Chicco, D; Masseroli, M (2015). "Software suite for gene and protein annotation prediction and similarity search". IEEE/ACM Transactions on Computational Biology and Bioinformatics. 12 (4): 837–843. doi:10.1109/TCBB.2014.2382127. hdl:11311/959408. PMID 26357324. S2CID 14714823.
  26. ^ Fan, Ky. (1951). "Maximum properties and inequalities for the eigenvalues of completely continuous operators". Proceedings of the National Academy of Sciences of the United States of America. 37 (11): 760–766. Bibcode:1951PNAS...37..760F. doi:10.1073/pnas.37.11.760. PMC 1063464. PMID 16578416.
  27. ^ De Lathauwer, L.; De Moor, B.; Vandewalle, J. (1 January 2000). "A Multilinear Singular Value Decomposition". SIAM Journal on Matrix Analysis and Applications. 21 (4): 1253–1278. CiteSeerX 10.1.1.102.9135. doi:10.1137/S0895479896305696. ISSN 0895-4798.
  28. ^ Uhlmann, Jeffrey (2018), A Generalized Matrix Inverse that is Consistent with Respect to Diagonal Transformations (PDF), SIAM Journal on Matrix Analysis, vol. 239:2, pp. 781–800
  29. ^ Eckart, C.; Young, G. (1936). "The approximation of one matrix by another of lower rank". Psychometrika. 1 (3): 211–8. doi:10.1007/BF02288367. S2CID 10163399.
  30. ^ Hestenes, M. R. (1958). "Inversion of Matrices by Biorthogonalization and Related Results". Journal of the Society for Industrial and Applied Mathematics. 6 (1): 51–90. doi:10.1137/0106005. JSTOR 2098862. MR 0092215.
  31. ^ (Golub & Kahan 1965)
  32. ^ Golub, G. H.; Reinsch, C. (1970). "Singular value decomposition and least squares solutions". Numerische Mathematik. 14 (5): 403–420. doi:10.1007/BF02163027. MR 1553974. S2CID 123532178.

References

  • Banerjee, Sudipto; Roy, Anindya (2014), Linear Algebra and Matrix Analysis for Statistics, Texts in Statistical Science (1st ed.), Chapman and Hall/CRC, ISBN 978-1420095388
  • Chicco, D; Masseroli, M (2015). "Software suite for gene and protein annotation prediction and similarity search". IEEE/ACM Transactions on Computational Biology and Bioinformatics. 12 (4): 837–843. doi:10.1109/TCBB.2014.2382127. hdl:11311/959408. PMID 26357324. S2CID 14714823.
  • Trefethen, Lloyd N.; Bau III, David (1997). Numerical linear algebra. Philadelphia: Society for Industrial and Applied Mathematics. ISBN 978-0-89871-361-9.
  • Demmel, James; Kahan, William (1990). "Accurate singular values of bidiagonal matrices". SIAM Journal on Scientific and Statistical Computing. 11 (5): 873–912. CiteSeerX 10.1.1.48.3740. doi:10.1137/0911052.
  • Golub, Gene H.; Kahan, William (1965). "Calculating the singular values and pseudo-inverse of a matrix". Journal of the Society for Industrial and Applied Mathematics, Series B: Numerical Analysis. 2 (2): 205–224. Bibcode:1965SJNA....2..205G. doi:10.1137/0702016. JSTOR 2949777.
  • Golub, Gene H.; Van Loan, Charles F. (1996). Matrix Computations (3rd ed.). Johns Hopkins. ISBN 978-0-8018-5414-9.
  • GSL Team (2007). "§14.4 Singular Value Decomposition". GNU Scientific Library. Reference Manual.
  • Halldor, Bjornsson and Venegas, Silvia A. (1997). "A manual for EOF and SVD analyses of climate data". McGill University, CCGCR Report No. 97-1, Montréal, Québec, 52pp.
  • Hansen, P. C. (1987). "The truncated SVD as a method for regularization". BIT. 27 (4): 534–553. doi:10.1007/BF01937276. S2CID 37591557.
  • Horn, Roger A.; Johnson, Charles R. (1985). "Section 7.3". Matrix Analysis. Cambridge University Press. ISBN 978-0-521-38632-6.
  • Horn, Roger A.; Johnson, Charles R. (1991). "Chapter 3". Topics in Matrix Analysis. Cambridge University Press. ISBN 978-0-521-46713-1.
  • Samet, H. (2006). Foundations of Multidimensional and Metric Data Structures. Morgan Kaufmann. ISBN 978-0-12-369446-1.
  • Strang G. (1998). "Section 6.7". Introduction to Linear Algebra (3rd ed.). Wellesley-Cambridge Press. ISBN 978-0-9614088-5-5.
  • Stewart, G. W. (1993). "On the Early History of the Singular Value Decomposition". SIAM Review. 35 (4): 551–566. CiteSeerX 10.1.1.23.1831. doi:10.1137/1035134. hdl:1903/566. JSTOR 2132388.
  • Wall, Michael E.; Rechtsteiner, Andreas; Rocha, Luis M. (2003). "Singular value decomposition and principal component analysis". In D.P. Berrar; W. Dubitzky; M. Granzow (eds.). A Practical Approach to Microarray Data Analysis. Norwell, MA: Kluwer. pp. 91–109.
  • Press, WH; Teukolsky, SA; Vetterling, WT; Flannery, BP (2007), "Section 2.6", Numerical Recipes: The Art of Scientific Computing (3rd ed.), New York: Cambridge University Press, ISBN 978-0-521-88068-8

External links

  • Online SVD calculator

singular, value, decomposition, linear, algebra, singular, value, decomposition, factorization, real, complex, matrix, generalizes, eigendecomposition, square, normal, matrix, with, orthonormal, eigenbasis, displaystyle, times, matrix, related, polar, decompos. In linear algebra the singular value decomposition SVD is a factorization of a real or complex matrix It generalizes the eigendecomposition of a square normal matrix with an orthonormal eigenbasis to any m n displaystyle m times n matrix It is related to the polar decomposition Illustration of the singular value decomposition USV of a real 2 2 matrix M Top The action of M indicated by its effect on the unit disc D and the two canonical unit vectors e1 and e2 Left The action of V a rotation on D e1 and e2 Bottom The action of S a scaling by the singular values s1 horizontally and s2 vertically Right The action of U another rotation Specifically the singular value decomposition of an m n displaystyle m times n complex matrix M is a factorization of the form M U S V displaystyle mathbf M mathbf U Sigma V where U is an m m displaystyle m times m complex unitary matrix S displaystyle mathbf Sigma is an m n displaystyle m times n rectangular diagonal matrix with non negative real numbers on the diagonal V is an n n displaystyle n times n complex unitary matrix and V displaystyle mathbf V is the conjugate transpose of V Such decomposition always exists for any complex matrix If M is real then U and V can be guaranteed to be real orthogonal matrices in such contexts the SVD is often denoted U S V T displaystyle mathbf U Sigma V mathsf T The diagonal entries s i S i i displaystyle sigma i Sigma ii of S displaystyle mathbf Sigma are uniquely determined by M and are known as the singular values of M The number of non zero singular values is equal to the rank of M The columns of U and the columns of V are called left singular vectors and right singular vectors of M respectively They form two sets of orthonormal bases u1 um and v1 vn and if they are sorted so that the singular values s i displaystyle sigma i with value zero are all in the highest numbered columns or rows the singular value decomposition can be written as M i 1 r s i u i v i displaystyle mathbf M sum i 1 r sigma i mathbf u i mathbf v i where r min m n displaystyle r leq min m n is the rank of M The SVD is not unique It is always possible to choose the decomposition so that the singular values S i i displaystyle Sigma ii are in descending order In this case S displaystyle mathbf Sigma but not U and V is uniquely determined by M The term sometimes refers to the compact SVD a similar decomposition M U S V displaystyle mathbf M mathbf U Sigma V in which S displaystyle mathbf Sigma is square diagonal of size r r displaystyle r times r where r min m n displaystyle r leq min m n is the rank of M and has only the non zero singular values In this variant U is an m r displaystyle m times r semi unitary matrix and V displaystyle mathbf V is an n r displaystyle n times r semi unitary matrix such that U U V V I r displaystyle mathbf U U mathbf V V mathbf I r Mathematical applications of the SVD include computing the pseudoinverse matrix approximation and determining the rank range and null space of a matrix The SVD is also extremely useful in all areas of science engineering and statistics such as signal processing least squares fitting of data and process control Contents 1 Intuitive interpretations 1 1 Rotation coordinate scaling and reflection 1 2 Singular values as semiaxes of an ellipse or ellipsoid 1 3 The columns of U and V are orthonormal bases 1 4 Geometric meaning 2 Example 3 SVD and spectral decomposition 3 1 Singular values singular vectors and their relation to the SVD 3 2 Relation to eigenvalue decomposition 4 Applications of the SVD 4 1 Pseudoinverse 4 2 Solving homogeneous linear equations 4 3 Total least squares minimization 4 4 Range null space and rank 4 5 Low rank matrix approximation 4 6 Separable models 4 7 Nearest orthogonal matrix 4 8 The Kabsch algorithm 4 9 Signal processing 4 10 Astrodynamics 4 11 Other examples 5 Proof of existence 5 1 Based on the spectral theorem 5 2 Based on variational characterization 6 Calculating the SVD 6 1 Numerical approach 6 2 Analytic result of 2 2 SVD 7 Reduced SVDs 7 1 Thin SVD 7 2 Compact SVD 7 3 Truncated SVD 8 Norms 8 1 Ky Fan norms 8 2 Hilbert Schmidt norm 9 Variations and generalizations 9 1 Mode k representation 9 2 Tensor SVD 9 3 Scale invariant SVD 9 4 Higher order SVD of functions HOSVD 9 5 Bounded operators on Hilbert spaces 9 6 Singular values and compact operators 10 History 11 See also 12 Notes 13 References 14 External linksIntuitive interpretations Edit Animated illustration of the SVD of a 2D real shearing matrix M First we see the unit disc in blue together with the two canonical unit vectors We then see the actions of M which distorts the disk to an ellipse The SVD decomposes M into three simple transformations an initial rotation V a scaling S displaystyle mathbf Sigma along the coordinate axes and a final rotation U The lengths s1 and s2 of the semi axes of the ellipse are the singular values of M namely S1 1 and S2 2 Visualization of the matrix multiplications in singular value decomposition Rotation coordinate scaling and reflection Edit In the special case when M is an m m real square matrix the matrices U and V can be chosen to be real m m matrices too In that case unitary is the same as orthogonal Then interpreting both unitary matrices as well as the diagonal matrix summarized here as A as a linear transformation x Ax of the space Rm the matrices U and V represent rotations or reflection of the space while S displaystyle mathbf Sigma represents the scaling of each coordinate xi by the factor si Thus the SVD decomposition breaks down any linear transformation of Rm into a composition of three geometrical transformations a rotation or reflection V followed by a coordinate by coordinate scaling S displaystyle mathbf Sigma followed by another rotation or reflection U In particular if M has a positive determinant then U and V can be chosen to be both rotations with reflections or both rotations without reflections citation needed If the determinant is negative exactly one of them will have a reflection If the determinant is zero each can be independently chosen to be of either type If the matrix M is real but not square namely m n with m n it can be interpreted as a linear transformation from Rn to Rm Then U and V can be chosen to be rotations reflections of Rm and Rn respectively and S displaystyle mathbf Sigma besides scaling the first min m n displaystyle min m n coordinates also extends the vector with zeros i e removes trailing coordinates so as to turn Rn into Rm Singular values as semiaxes of an ellipse or ellipsoid Edit As shown in the figure the singular values can be interpreted as the magnitude of the semiaxes of an ellipse in 2D This concept can be generalized to n dimensional Euclidean space with the singular values of any n n square matrix being viewed as the magnitude of the semiaxis of an n dimensional ellipsoid Similarly the singular values of any m n matrix can be viewed as the magnitude of the semiaxis of an n dimensional ellipsoid in m dimensional space for example as an ellipse in a tilted 2D plane in a 3D space Singular values encode magnitude of the semiaxis while singular vectors encode direction See below for further details The columns of U and V are orthonormal bases Edit Since U and V are unitary the columns of each of them form a set of orthonormal vectors which can be regarded as basis vectors The matrix M maps the basis vector Vi to the stretched unit vector si Ui By the definition of a unitary matrix the same is true for their conjugate transposes U and V except the geometric interpretation of the singular values as stretches is lost In short the columns of U U V and V are orthonormal bases When M displaystyle mathbf M is a positive semidefinite Hermitian matrix U and V are both equal to the unitary matrix used to diagonalize M displaystyle mathbf M However when M displaystyle mathbf M is not positive semidefinite and Hermitian but still diagonalizable its eigendecomposition and singular value decomposition are distinct Geometric meaning Edit Because U and V are unitary we know that the columns U1 Um of U yield an orthonormal basis of Km and the columns V1 Vn of V yield an orthonormal basis of Kn with respect to the standard scalar products on these spaces The linear transformation T K n K m x M x displaystyle T colon left begin aligned K n amp to K m x amp mapsto mathbf M x end aligned right has a particularly simple description with respect to these orthonormal bases we have T V i s i U i i 1 min m n displaystyle T mathbf V i sigma i mathbf U i qquad i 1 ldots min m n where si is the i th diagonal entry of S displaystyle mathbf Sigma and T Vi 0 for i gt min m n The geometric content of the SVD theorem can thus be summarized as follows for every linear map T Kn Km one can find orthonormal bases of Kn and Km such that T maps the i th basis vector of Kn to a non negative multiple of the i th basis vector of Km and sends the left over basis vectors to zero With respect to these bases the map T is therefore represented by a diagonal matrix with non negative real diagonal entries To get a more visual flavor of singular values and SVD factorization at least when working on real vector spaces consider the sphere S of radius one in Rn The linear map T maps this sphere onto an ellipsoid in Rm Non zero singular values are simply the lengths of the semi axes of this ellipsoid Especially when n m and all the singular values are distinct and non zero the SVD of the linear map T can be easily analyzed as a succession of three consecutive moves consider the ellipsoid T S and specifically its axes then consider the directions in Rn sent by T onto these axes These directions happen to be mutually orthogonal Apply first an isometry V sending these directions to the coordinate axes of Rn On a second move apply an endomorphism D diagonalized along the coordinate axes and stretching or shrinking in each direction using the semi axes lengths of T S as stretching coefficients The composition D V then sends the unit sphere onto an ellipsoid isometric to T S To define the third and last move apply an isometry U to this ellipsoid to obtain T S As can be easily checked the composition U D V coincides with T Example EditConsider the 4 5 matrix M 1 0 0 0 2 0 0 3 0 0 0 0 0 0 0 0 2 0 0 0 displaystyle mathbf M begin bmatrix 1 amp 0 amp 0 amp 0 amp 2 0 amp 0 amp 3 amp 0 amp 0 0 amp 0 amp 0 amp 0 amp 0 0 amp 2 amp 0 amp 0 amp 0 end bmatrix A singular value decomposition of this matrix is given by USV U 0 1 0 0 1 0 0 0 0 0 0 1 0 0 1 0 S 3 0 0 0 0 0 5 0 0 0 0 0 2 0 0 0 0 0 0 0 V 0 0 1 0 0 0 2 0 0 0 0 8 0 1 0 0 0 0 0 0 1 0 0 8 0 0 0 0 2 displaystyle begin aligned mathbf U amp begin bmatrix color Green 0 amp color Blue 1 amp color Cyan 0 amp color Emerald 0 color Green 1 amp color Blue 0 amp color Cyan 0 amp color Emerald 0 color Green 0 amp color Blue 0 amp color Cyan 0 amp color Emerald 1 color Green 0 amp color Blue 0 amp color Cyan 1 amp color Emerald 0 end bmatrix 6pt boldsymbol Sigma amp begin bmatrix 3 amp 0 amp 0 amp 0 amp color Gray mathit 0 0 amp sqrt 5 amp 0 amp 0 amp color Gray mathit 0 0 amp 0 amp 2 amp 0 amp color Gray mathit 0 0 amp 0 amp 0 amp color Red mathbf 0 amp color Gray mathit 0 end bmatrix 6pt mathbf V amp begin bmatrix color Violet 0 amp color Violet 0 amp color Violet 1 amp color Violet 0 amp color Violet 0 color Plum sqrt 0 2 amp color Plum 0 amp color Plum 0 amp color Plum 0 amp color Plum sqrt 0 8 color Magenta 0 amp color Magenta 1 amp color Magenta 0 amp color Magenta 0 amp color Magenta 0 color Orchid 0 amp color Orchid 0 amp color Orchid 0 amp color Orchid 1 amp color Orchid 0 color Purple sqrt 0 8 amp color Purple 0 amp color Purple 0 amp color Purple 0 amp color Purple sqrt 0 2 end bmatrix end aligned The scaling matrix S displaystyle mathbf Sigma is zero outside of the diagonal grey italics and one diagonal element is zero red bold light blue bold in dark mode Furthermore because the matrices U and V are unitary multiplying by their respective conjugate transposes yields identity matrices as shown below In this case because U and V are real valued each is an orthogonal matrix U U 1 0 0 0 0 1 0 0 0 0 1 0 0 0 0 1 I 4 V V 1 0 0 0 0 0 1 0 0 0 0 0 1 0 0 0 0 0 1 0 0 0 0 0 1 I 5 displaystyle begin aligned mathbf U mathbf U amp begin bmatrix 1 amp 0 amp 0 amp 0 0 amp 1 amp 0 amp 0 0 amp 0 amp 1 amp 0 0 amp 0 amp 0 amp 1 end bmatrix mathbf I 4 6pt mathbf V mathbf V amp begin bmatrix 1 amp 0 amp 0 amp 0 amp 0 0 amp 1 amp 0 amp 0 amp 0 0 amp 0 amp 1 amp 0 amp 0 0 amp 0 amp 0 amp 1 amp 0 0 amp 0 amp 0 amp 0 amp 1 end bmatrix mathbf I 5 end aligned This particular singular value decomposition is not unique Choosing V displaystyle mathbf V such that V 0 1 0 0 0 0 0 1 0 0 0 2 0 0 0 0 8 0 4 0 0 0 5 0 1 0 4 0 0 0 5 0 1 displaystyle mathbf V begin bmatrix color Violet 0 amp color Violet 1 amp color Violet 0 amp color Violet 0 amp color Violet 0 color Plum 0 amp color Plum 0 amp color Plum 1 amp color Plum 0 amp color Plum 0 color Magenta sqrt 0 2 amp color Magenta 0 amp color Magenta 0 amp color Magenta 0 amp color Magenta sqrt 0 8 color Orchid sqrt 0 4 amp color Orchid 0 amp color Orchid 0 amp color Orchid sqrt 0 5 amp color Orchid sqrt 0 1 color Purple sqrt 0 4 amp color Purple 0 amp color Purple 0 amp color Purple sqrt 0 5 amp color Purple sqrt 0 1 end bmatrix is also a valid singular value decomposition SVD and spectral decomposition EditSingular values singular vectors and their relation to the SVD Edit A non negative real number s is a singular value for M if and only if there exist unit length vectors u displaystyle mathbf u in Km and v displaystyle mathbf v in Kn such that M v s u and M u s v displaystyle mathbf Mv sigma mathbf u text and mathbf M mathbf u sigma mathbf v The vectors u displaystyle mathbf u and v displaystyle mathbf v are called left singular and right singular vectors for s respectively In any singular value decomposition M U S V displaystyle mathbf M mathbf U boldsymbol Sigma mathbf V the diagonal entries of S displaystyle mathbf Sigma are equal to the singular values of M The first p min m n columns of U and V are respectively left and right singular vectors for the corresponding singular values Consequently the above theorem implies that An m n matrix M has at most p distinct singular values It is always possible to find a unitary basis U for Km with a subset of basis vectors spanning the left singular vectors of each singular value of M It is always possible to find a unitary basis V for Kn with a subset of basis vectors spanning the right singular vectors of each singular value of M A singular value for which we can find two left or right singular vectors that are linearly independent is called degenerate If u 1 displaystyle mathbf u 1 and u 2 displaystyle mathbf u 2 are two left singular vectors which both correspond to the singular value s then any normalized linear combination of the two vectors is also a left singular vector corresponding to the singular value s The similar statement is true for right singular vectors The number of independent left and right singular vectors coincides and these singular vectors appear in the same columns of U and V corresponding to diagonal elements of S displaystyle mathbf Sigma all with the same value s As an exception the left and right singular vectors of singular value 0 comprise all unit vectors in the cokernel and kernel respectively of M which by the rank nullity theorem cannot be the same dimension if m n Even if all singular values are nonzero if m gt n then the cokernel is nontrivial in which case U is padded with m n orthogonal vectors from the cokernel Conversely if m lt n then V is padded by n m orthogonal vectors from the kernel However if the singular value of 0 exists the extra columns of U or V already appear as left or right singular vectors Non degenerate singular values always have unique left and right singular vectors up to multiplication by a unit phase factor eif for the real case up to a sign Consequently if all singular values of a square matrix M are non degenerate and non zero then its singular value decomposition is unique up to multiplication of a column of U by a unit phase factor and simultaneous multiplication of the corresponding column of V by the same unit phase factor In general the SVD is unique up to arbitrary unitary transformations applied uniformly to the column vectors of both U and V spanning the subspaces of each singular value and up to arbitrary unitary transformations on vectors of U and V spanning the kernel and cokernel respectively of M Relation to eigenvalue decomposition Edit The singular value decomposition is very general in the sense that it can be applied to any m n matrix whereas eigenvalue decomposition can only be applied to diagonalizable matrices Nevertheless the two decompositions are related Given an SVD of M as described above the following two relations hold M M V S U U S V V S S V M M U S V V S U U S S U displaystyle begin aligned mathbf M mathbf M amp mathbf V boldsymbol Sigma mathbf U mathbf U boldsymbol Sigma mathbf V mathbf V boldsymbol Sigma boldsymbol Sigma mathbf V mathbf M mathbf M amp mathbf U boldsymbol Sigma mathbf V mathbf V boldsymbol Sigma mathbf U mathbf U boldsymbol Sigma boldsymbol Sigma mathbf U end aligned The right hand sides of these relations describe the eigenvalue decompositions of the left hand sides Consequently The columns of V right singular vectors are eigenvectors of M M The columns of U left singular vectors are eigenvectors of MM The non zero elements of S displaystyle mathbf Sigma non zero singular values are the square roots of the non zero eigenvalues of M M or MM In the special case that M is a normal matrix which by definition must be square the spectral theorem says that it can be unitarily diagonalized using a basis of eigenvectors so that it can be written M UDU for a unitary matrix U and a diagonal matrix D with complex elements si along the diagonal When M is positive semi definite si will be non negative real numbers so that the decomposition M UDU is also a singular value decomposition Otherwise it can be recast as an SVD by moving the phase eif of each si to either its corresponding Vi or Ui The natural connection of the SVD to non normal matrices is through the polar decomposition theorem M SR where S USU is positive semidefinite and normal and R UV is unitary Thus except for positive semi definite matrices the eigenvalue decomposition and SVD of M while related differ the eigenvalue decomposition is M UDU 1 where U is not necessarily unitary and D is not necessarily positive semi definite while the SVD is M USV where S displaystyle mathbf Sigma is diagonal and positive semi definite and U and V are unitary matrices that are not necessarily related except through the matrix M While only non defective square matrices have an eigenvalue decomposition any m n displaystyle m times n matrix has a SVD Applications of the SVD EditPseudoinverse Edit The singular value decomposition can be used for computing the pseudoinverse of a matrix Various authors use different notation for the pseudoinverse here we use Indeed the pseudoinverse of the matrix M with singular value decomposition M USV is M V S U where S is the pseudoinverse of S which is formed by replacing every non zero diagonal entry by its reciprocal and transposing the resulting matrix The pseudoinverse is one way to solve linear least squares problems Solving homogeneous linear equations Edit A set of homogeneous linear equations can be written as Ax 0 for a matrix A and vector x A typical situation is that A is known and a non zero x is to be determined which satisfies the equation Such an x belongs to A s null space and is sometimes called a right null vector of A The vector x can be characterized as a right singular vector corresponding to a singular value of A that is zero This observation means that if A is a square matrix and has no vanishing singular value the equation has no non zero x as a solution It also means that if there are several vanishing singular values any linear combination of the corresponding right singular vectors is a valid solution Analogously to the definition of a right null vector a non zero x satisfying x A 0 with x denoting the conjugate transpose of x is called a left null vector of A Total least squares minimization Edit A total least squares problem seeks the vector x that minimizes the 2 norm of a vector Ax under the constraint x 1 The solution turns out to be the right singular vector of A corresponding to the smallest singular value Range null space and rank Edit Another application of the SVD is that it provides an explicit representation of the range and null space of a matrix M The right singular vectors corresponding to vanishing singular values of M span the null space of M and the left singular vectors corresponding to the non zero singular values of M span the range of M For example in the above example the null space is spanned by the last two rows of V and the range is spanned by the first three columns of U As a consequence the rank of M equals the number of non zero singular values which is the same as the number of non zero diagonal elements in S displaystyle mathbf Sigma In numerical linear algebra the singular values can be used to determine the effective rank of a matrix as rounding error may lead to small but non zero singular values in a rank deficient matrix Singular values beyond a significant gap are assumed to be numerically equivalent to zero Low rank matrix approximation Edit Some practical applications need to solve the problem of approximating a matrix M with another matrix M displaystyle tilde mathbf M said to be truncated which has a specific rank r In the case that the approximation is based on minimizing the Frobenius norm of the difference between M and M displaystyle tilde mathbf M under the constraint that rank M r displaystyle operatorname rank left tilde mathbf M right r it turns out that the solution is given by the SVD of M namely M U S V displaystyle tilde mathbf M mathbf U tilde boldsymbol Sigma mathbf V where S displaystyle tilde boldsymbol Sigma is the same matrix as S displaystyle mathbf Sigma except that it contains only the r largest singular values the other singular values are replaced by zero This is known as the Eckart Young theorem as it was proved by those two authors in 1936 although it was later found to have been known to earlier authors see Stewart 1993 Separable models Edit The SVD can be thought of as decomposing a matrix into a weighted ordered sum of separable matrices By separable we mean that a matrix A can be written as an outer product of two vectors A u v or in coordinates A i j u i v j displaystyle A ij u i v j Specifically the matrix M can be decomposed as M i A i i s i U i V i displaystyle mathbf M sum i mathbf A i sum i sigma i mathbf U i otimes mathbf V i Here Ui and Vi are the i th columns of the corresponding SVD matrices si are the ordered singular values and each Ai is separable The SVD can be used to find the decomposition of an image processing filter into separable horizontal and vertical filters Note that the number of non zero si is exactly the rank of the matrix Separable models often arise in biological systems and the SVD factorization is useful to analyze such systems For example some visual area V1 simple cells receptive fields can be well described 1 by a Gabor filter in the space domain multiplied by a modulation function in the time domain Thus given a linear filter evaluated through for example reverse correlation one can rearrange the two spatial dimensions into one dimension thus yielding a two dimensional filter space time which can be decomposed through SVD The first column of U in the SVD factorization is then a Gabor while the first column of V represents the time modulation or vice versa One may then define an index of separability a s 1 2 i s i 2 displaystyle alpha frac sigma 1 2 sum i sigma i 2 which is the fraction of the power in the matrix M which is accounted for by the first separable matrix in the decomposition 2 Nearest orthogonal matrix Edit It is possible to use the SVD of a square matrix A to determine the orthogonal matrix O closest to A The closeness of fit is measured by the Frobenius norm of O A The solution is the product UV 3 This intuitively makes sense because an orthogonal matrix would have the decomposition UIV where I is the identity matrix so that if A USV then the product A UV amounts to replacing the singular values with ones Equivalently the solution is the unitary matrix R UV of the Polar Decomposition M RP P R in either order of stretch and rotation as described above A similar problem with interesting applications in shape analysis is the orthogonal Procrustes problem which consists of finding an orthogonal matrix O which most closely maps A to B Specifically O argmin W A W B F subject to W T W I displaystyle mathbf O underset Omega operatorname argmin mathbf A boldsymbol Omega mathbf B F quad text subject to quad boldsymbol Omega textsf T boldsymbol Omega mathbf I where F displaystyle cdot F denotes the Frobenius norm This problem is equivalent to finding the nearest orthogonal matrix to a given matrix M ATB The Kabsch algorithm Edit The Kabsch algorithm called Wahba s problem in other fields uses SVD to compute the optimal rotation with respect to least squares minimization that will align a set of points with a corresponding set of points It is used among other applications to compare the structures of molecules Signal processing Edit The SVD and pseudoinverse have been successfully applied to signal processing 4 image processing 5 and big data e g in genomic signal processing 6 7 8 9 Astrodynamics Edit In Astrodynamics the SVD and its variants are used as an option to determine suitable maneuver directions for transfer trajectory design 10 and Orbital station keeping 11 Other examples Edit The SVD is also applied extensively to the study of linear inverse problems and is useful in the analysis of regularization methods such as that of Tikhonov It is widely used in statistics where it is related to principal component analysis and to correspondence analysis and in signal processing and pattern recognition It is also used in output only modal analysis where the non scaled mode shapes can be determined from the singular vectors Yet another usage is latent semantic indexing in natural language text processing In general numerical computation involving linear or linearized systems there is a universal constant that characterizes the regularity or singularity of a problem which is the system s condition number k s max s min displaystyle kappa sigma text max sigma text min It often controls the error rate or convergence rate of a given computational scheme on such systems 12 13 The SVD also plays a crucial role in the field of quantum information in a form often referred to as the Schmidt decomposition Through it states of two quantum systems are naturally decomposed providing a necessary and sufficient condition for them to be entangled if the rank of the S displaystyle mathbf Sigma matrix is larger than one One application of SVD to rather large matrices is in numerical weather prediction where Lanczos methods are used to estimate the most linearly quickly growing few perturbations to the central numerical weather prediction over a given initial forward time period i e the singular vectors corresponding to the largest singular values of the linearized propagator for the global weather over that time interval The output singular vectors in this case are entire weather systems These perturbations are then run through the full nonlinear model to generate an ensemble forecast giving a handle on some of the uncertainty that should be allowed for around the current central prediction SVD has also been applied to reduced order modelling The aim of reduced order modelling is to reduce the number of degrees of freedom in a complex system which is to be modeled SVD was coupled with radial basis functions to interpolate solutions to three dimensional unsteady flow problems 14 Interestingly SVD has been used to improve gravitational waveform modeling by the ground based gravitational wave interferometer aLIGO 15 SVD can help to increase the accuracy and speed of waveform generation to support gravitational waves searches and update two different waveform models Singular value decomposition is used in recommender systems to predict people s item ratings 16 Distributed algorithms have been developed for the purpose of calculating the SVD on clusters of commodity machines 17 Low rank SVD has been applied for hotspot detection from spatiotemporal data with application to disease outbreak detection 18 A combination of SVD and higher order SVD also has been applied for real time event detection from complex data streams multivariate data with space and time dimensions in disease surveillance 19 Proof of existence EditAn eigenvalue l of a matrix M is characterized by the algebraic relation Mu lu When M is Hermitian a variational characterization is also available Let M be a real n n symmetric matrix Define f R n R f x x T M x displaystyle begin cases f mathbb R n to mathbb R f mathbf x mapsto mathbf x textsf T mathbf M mathbf x end cases By the extreme value theorem this continuous function attains a maximum at some u when restricted to the unit sphere x 1 By the Lagrange multipliers theorem u necessarily satisfies u T M u l u T u 0 displaystyle nabla mathbf u textsf T mathbf M mathbf u lambda cdot nabla mathbf u textsf T mathbf u 0 for some real number l The nabla symbol is the del operator differentiation with respect to x Using the symmetry of M we obtain x T M x l x T x 2 M l I x displaystyle nabla mathbf x textsf T mathbf M mathbf x lambda cdot nabla mathbf x textsf T mathbf x 2 mathbf M lambda mathbf I mathbf x Therefore Mu lu so u is a unit length eigenvector of M For every unit length eigenvector v of M its eigenvalue is f v so l is the largest eigenvalue of M The same calculation performed on the orthogonal complement of u gives the next largest eigenvalue and so on The complex Hermitian case is similar there f x x M x is a real valued function of 2n real variables Singular values are similar in that they can be described algebraically or from variational principles Although unlike the eigenvalue case Hermiticity or symmetry of M is no longer required This section gives these two arguments for existence of singular value decomposition Based on the spectral theorem Edit Let M displaystyle mathbf M be an m n complex matrix Since M M displaystyle mathbf M mathbf M is positive semi definite and Hermitian by the spectral theorem there exists an n n unitary matrix V displaystyle mathbf V such that V M M V D D 0 0 0 displaystyle mathbf V mathbf M mathbf M mathbf V bar mathbf D begin bmatrix mathbf D amp 0 0 amp 0 end bmatrix where D displaystyle mathbf D is diagonal and positive definite of dimension ℓ ℓ displaystyle ell times ell with ℓ displaystyle ell the number of non zero eigenvalues of M M displaystyle mathbf M mathbf M which can be shown to verify ℓ min n m displaystyle ell leq min n m Note that V displaystyle mathbf V is here by definition a matrix whose i displaystyle i th column is the i displaystyle i th eigenvector of M M displaystyle mathbf M mathbf M corresponding to the eigenvalue D i i displaystyle bar mathbf D ii Moreover the j displaystyle j th column of V displaystyle mathbf V for j gt ℓ displaystyle j gt ell is an eigenvector of M M displaystyle mathbf M mathbf M with eigenvalue D j j 0 displaystyle bar mathbf D jj 0 This can be expressed by writing V displaystyle mathbf V as V V 1 V 2 displaystyle mathbf V begin bmatrix mathbf V 1 amp mathbf V 2 end bmatrix where the columns of V 1 displaystyle mathbf V 1 and V 2 displaystyle mathbf V 2 therefore contain the eigenvectors of M M displaystyle mathbf M mathbf M corresponding to non zero and zero eigenvalues respectively Using this rewriting of V displaystyle mathbf V the equation becomes V 1 V 2 M M V 1 V 2 V 1 M M V 1 V 1 M M V 2 V 2 M M V 1 V 2 M M V 2 D 0 0 0 displaystyle begin bmatrix mathbf V 1 mathbf V 2 end bmatrix mathbf M mathbf M begin bmatrix mathbf V 1 amp mathbf V 2 end bmatrix begin bmatrix mathbf V 1 mathbf M mathbf M mathbf V 1 amp mathbf V 1 mathbf M mathbf M mathbf V 2 mathbf V 2 mathbf M mathbf M mathbf V 1 amp mathbf V 2 mathbf M mathbf M mathbf V 2 end bmatrix begin bmatrix mathbf D amp 0 0 amp 0 end bmatrix This implies that V 1 M M V 1 D V 2 M M V 2 0 displaystyle mathbf V 1 mathbf M mathbf M mathbf V 1 mathbf D quad mathbf V 2 mathbf M mathbf M mathbf V 2 mathbf 0 Moreover the second equation implies M V 2 0 displaystyle mathbf M mathbf V 2 mathbf 0 20 Finally the unitary ness of V displaystyle mathbf V translates in terms of V 1 displaystyle mathbf V 1 and V 2 displaystyle mathbf V 2 into the following conditions V 1 V 1 I 1 V 2 V 2 I 2 V 1 V 1 V 2 V 2 I 12 displaystyle begin aligned mathbf V 1 mathbf V 1 amp mathbf I 1 mathbf V 2 mathbf V 2 amp mathbf I 2 mathbf V 1 mathbf V 1 mathbf V 2 mathbf V 2 amp mathbf I 12 end aligned where the subscripts on the identity matrices are used to remark that they are of different dimensions Let us now define U 1 M V 1 D 1 2 displaystyle mathbf U 1 mathbf M mathbf V 1 mathbf D frac 1 2 Then U 1 D 1 2 V 1 M V 1 D 1 2 D 1 2 V 1 M I V 2 V 2 M M V 2 V 2 M displaystyle mathbf U 1 mathbf D frac 1 2 mathbf V 1 mathbf M mathbf V 1 mathbf D frac 1 2 mathbf D frac 1 2 mathbf V 1 mathbf M mathbf I mathbf V 2 mathbf V 2 mathbf M mathbf M mathbf V 2 mathbf V 2 mathbf M since M V 2 0 displaystyle mathbf M mathbf V 2 mathbf 0 This can be also seen as immediate consequence of the fact that M V 1 V 1 M displaystyle mathbf M mathbf V 1 mathbf V 1 mathbf M This is equivalent to the observation that if v i i 1 ℓ displaystyle boldsymbol v i i 1 ell is the set of eigenvectors of M M displaystyle mathbf M mathbf M corresponding to non vanishing eigenvalues l i i 1 ℓ displaystyle lambda i i 1 ell then M v i i 1 ℓ displaystyle mathbf M boldsymbol v i i 1 ell is a set of orthogonal vectors and l i 1 2 M v i i 1 ℓ displaystyle lambda i 1 2 mathbf M boldsymbol v i i 1 ell is a generally not complete set of orthonormal vectors This matches with the matrix formalism used above denoting with V 1 displaystyle mathbf V 1 the matrix whose columns are v i i 1 ℓ displaystyle boldsymbol v i i 1 ell with V 2 displaystyle mathbf V 2 the matrix whose columns are the eigenvectors of M M displaystyle mathbf M mathbf M with vanishing eigenvalue and U 1 displaystyle mathbf U 1 the matrix whose columns are the vectors l i 1 2 M v i i 1 ℓ displaystyle lambda i 1 2 mathbf M boldsymbol v i i 1 ell We see that this is almost the desired result except that U 1 displaystyle mathbf U 1 and V 1 displaystyle mathbf V 1 are in general not unitary since they might not be square However we do know that the number of rows of U 1 displaystyle mathbf U 1 is no smaller than the number of columns since the dimensions of D displaystyle mathbf D is no greater than m displaystyle m and n displaystyle n Also since U 1 U 1 D 1 2 V 1 M M V 1 D 1 2 D 1 2 D D 1 2 I 1 displaystyle mathbf U 1 mathbf U 1 mathbf D frac 1 2 mathbf V 1 mathbf M mathbf M mathbf V 1 mathbf D frac 1 2 mathbf D frac 1 2 mathbf D mathbf D frac 1 2 mathbf I 1 the columns in U 1 displaystyle mathbf U 1 are orthonormal and can be extended to an orthonormal basis This means that we can choose U 2 displaystyle mathbf U 2 such that U U 1 U 2 displaystyle mathbf U begin bmatrix mathbf U 1 amp mathbf U 2 end bmatrix is unitary For V1 we already have V2 to make it unitary Now define S D 1 2 0 0 0 0 displaystyle boldsymbol Sigma begin bmatrix begin bmatrix mathbf D frac 1 2 amp 0 0 amp 0 end bmatrix 0 end bmatrix where extra zero rows are added or removed to make the number of zero rows equal the number of columns of U2 and hence the overall dimensions of S displaystyle boldsymbol Sigma equal to m n displaystyle m times n Then U 1 U 2 D 1 2 0 0 0 0 V 1 V 2 U 1 U 2 D 1 2 V 1 0 U 1 D 1 2 V 1 M displaystyle begin bmatrix mathbf U 1 amp mathbf U 2 end bmatrix begin bmatrix begin bmatrix mathbf D frac 1 2 amp 0 0 amp 0 end bmatrix 0 end bmatrix begin bmatrix mathbf V 1 amp mathbf V 2 end bmatrix begin bmatrix mathbf U 1 amp mathbf U 2 end bmatrix begin bmatrix mathbf D frac 1 2 mathbf V 1 0 end bmatrix mathbf U 1 mathbf D frac 1 2 mathbf V 1 mathbf M which is the desired result M U S V displaystyle mathbf M mathbf U boldsymbol Sigma mathbf V Notice the argument could begin with diagonalizing MM rather than M M This shows directly that MM and M M have the same non zero eigenvalues Based on variational characterization Edit The singular values can also be characterized as the maxima of uTMv considered as a function of u and v over particular subspaces The singular vectors are the values of u and v where these maxima are attained Let M denote an m n matrix with real entries Let Sk 1 be the unit k 1 displaystyle k 1 sphere in R k displaystyle mathbb R k and define s u v u T M v u S m 1 v S n 1 displaystyle sigma mathbf u mathbf v mathbf u textsf T mathbf M mathbf v mathbf u in S m 1 mathbf v in S n 1 Consider the function s restricted to Sm 1 Sn 1 Since both Sm 1 and Sn 1 are compact sets their product is also compact Furthermore since s is continuous it attains a largest value for at least one pair of vectors u Sm 1 and v Sn 1 This largest value is denoted s1 and the corresponding vectors are denoted u1 and v1 Since s1 is the largest value of s u v it must be non negative If it were negative changing the sign of either u1 or v1 would make it positive and therefore larger Statement u1 v1 are left and right singular vectors of M with corresponding singular value s1 Proof Similar to the eigenvalues case by assumption the two vectors satisfy the Lagrange multiplier equation s u T M v l 1 u T u l 2 v T v displaystyle nabla sigma nabla mathbf u textsf T mathbf M mathbf v lambda 1 cdot nabla mathbf u textsf T mathbf u lambda 2 cdot nabla mathbf v textsf T mathbf v After some algebra this becomes M v 1 2 l 1 u 1 0 M T u 1 0 2 l 2 v 1 displaystyle begin aligned mathbf M mathbf v 1 amp 2 lambda 1 mathbf u 1 0 mathbf M textsf T mathbf u 1 amp 0 2 lambda 2 mathbf v 1 end aligned Multiplying the first equation from left by u 1 T displaystyle mathbf u 1 textsf T and the second equation from left by v 1 T displaystyle mathbf v 1 textsf T and taking u v 1 into account gives s 1 2 l 1 2 l 2 displaystyle sigma 1 2 lambda 1 2 lambda 2 Plugging this into the pair of equations above we have M v 1 s 1 u 1 M T u 1 s 1 v 1 displaystyle begin aligned mathbf M mathbf v 1 amp sigma 1 mathbf u 1 mathbf M textsf T mathbf u 1 amp sigma 1 mathbf v 1 end aligned This proves the statement More singular vectors and singular values can be found by maximizing s u v over normalized u v which are orthogonal to u1 and v1 respectively The passage from real to complex is similar to the eigenvalue case Calculating the SVD EditThe singular value decomposition can be computed using the following observations The left singular vectors of M are a set of orthonormal eigenvectors of MM The right singular vectors of M are a set of orthonormal eigenvectors of M M The non zero singular values of M found on the diagonal entries of S displaystyle mathbf Sigma are the square roots of the non zero eigenvalues of both M M and MM Numerical approach Edit The SVD of a matrix M is typically computed by a two step procedure In the first step the matrix is reduced to a bidiagonal matrix This takes O mn2 floating point operations flop assuming that m n The second step is to compute the SVD of the bidiagonal matrix This step can only be done with an iterative method as with eigenvalue algorithms However in practice it suffices to compute the SVD up to a certain precision like the machine epsilon If this precision is considered constant then the second step takes O n iterations each costing O n flops Thus the first step is more expensive and the overall cost is O mn2 flops Trefethen amp Bau III 1997 Lecture 31 The first step can be done using Householder reflections for a cost of 4mn2 4n3 3 flops assuming that only the singular values are needed and not the singular vectors If m is much larger than n then it is advantageous to first reduce the matrix M to a triangular matrix with the QR decomposition and then use Householder reflections to further reduce the matrix to bidiagonal form the combined cost is 2mn2 2n3 flops Trefethen amp Bau III 1997 Lecture 31 The second step can be done by a variant of the QR algorithm for the computation of eigenvalues which was first described by Golub amp Kahan 1965 The LAPACK subroutine DBDSQR 21 implements this iterative method with some modifications to cover the case where the singular values are very small Demmel amp Kahan 1990 Together with a first step using Householder reflections and if appropriate QR decomposition this forms the DGESVD 22 routine for the computation of the singular value decomposition The same algorithm is implemented in the GNU Scientific Library GSL The GSL also offers an alternative method that uses a one sided Jacobi orthogonalization in step 2 GSL Team 2007 This method computes the SVD of the bidiagonal matrix by solving a sequence of 2 2 SVD problems similar to how the Jacobi eigenvalue algorithm solves a sequence of 2 2 eigenvalue methods Golub amp Van Loan 1996 8 6 3 Yet another method for step 2 uses the idea of divide and conquer eigenvalue algorithms Trefethen amp Bau III 1997 Lecture 31 There is an alternative way that does not explicitly use the eigenvalue decomposition 23 Usually the singular value problem of a matrix M is converted into an equivalent symmetric eigenvalue problem such as M M M M or O M M O displaystyle begin bmatrix mathbf O amp mathbf M mathbf M amp mathbf O end bmatrix The approaches that use eigenvalue decompositions are based on the QR algorithm which is well developed to be stable and fast Note that the singular values are real and right and left singular vectors are not required to form similarity transformations One can iteratively alternate between the QR decomposition and the LQ decomposition to find the real diagonal Hermitian matrices The QR decomposition gives M Q R and the LQ decomposition of R gives R L P Thus at every iteration we have M Q L P update M L and repeat the orthogonalizations Eventually clarification needed this iteration between QR decomposition and LQ decomposition produces left and right unitary singular matrices This approach cannot readily be accelerated as the QR algorithm can with spectral shifts or deflation This is because the shift method is not easily defined without using similarity transformations However this iterative approach is very simple to implement so is a good choice when speed does not matter This method also provides insight into how purely orthogonal unitary transformations can obtain the SVD Analytic result of 2 2 SVD Edit The singular values of a 2 2 matrix can be found analytically Let the matrix be M z 0 I z 1 s 1 z 2 s 2 z 3 s 3 displaystyle mathbf M z 0 mathbf I z 1 sigma 1 z 2 sigma 2 z 3 sigma 3 where z i C displaystyle z i in mathbb C are complex numbers that parameterize the matrix I is the identity matrix and s i displaystyle sigma i denote the Pauli matrices Then its two singular values are given by s z 0 2 z 1 2 z 2 2 z 3 2 z 0 2 z 1 2 z 2 2 z 3 2 2 z 0 2 z 1 2 z 2 2 z 3 2 2 z 0 2 z 1 2 z 2 2 z 3 2 2 Re z 0 z 1 2 Re z 0 z 2 2 Re z 0 z 3 2 Im z 1 z 2 2 Im z 2 z 3 2 Im z 3 z 1 2 displaystyle begin aligned sigma pm amp sqrt z 0 2 z 1 2 z 2 2 z 3 2 pm sqrt z 0 2 z 1 2 z 2 2 z 3 2 2 z 0 2 z 1 2 z 2 2 z 3 2 2 amp sqrt z 0 2 z 1 2 z 2 2 z 3 2 pm 2 sqrt operatorname Re z 0 z 1 2 operatorname Re z 0 z 2 2 operatorname Re z 0 z 3 2 operatorname Im z 1 z 2 2 operatorname Im z 2 z 3 2 operatorname Im z 3 z 1 2 end aligned Reduced SVDs Edit Visualization of Reduced SVD variants From top to bottom 1 Full SVD 2 Thin SVD remove columns of U not corresponding to rows of V 3 Compact SVD remove vanishing singular values and corresponding columns rows in U and V 4 Truncated SVD keep only largest t singular values and corresponding columns rows in U and V In applications it is quite unusual for the full SVD including a full unitary decomposition of the null space of the matrix to be required Instead it is often sufficient as well as faster and more economical for storage to compute a reduced version of the SVD The following can be distinguished for an m n matrix M of rank r Thin SVD Edit The thin or economy sized SVD of a matrix M is given by 24 M U k S k V k displaystyle mathbf M mathbf U k boldsymbol Sigma k mathbf V k where k min m n displaystyle k operatorname min m n the matrices Uk and Vk contain only the first k columns of U and V and Sk contains only the first k singular values from S The matrix Uk is thus m k Sk is k k diagonal and Vk is k n The thin SVD uses significantly less space and computation time if k max m n The first stage in its calculation will usually be a QR decomposition of M which can make for a significantly quicker calculation in this case Compact SVD Edit M U r S r V r displaystyle mathbf M mathbf U r boldsymbol Sigma r mathbf V r Only the r column vectors of U and r row vectors of V corresponding to the non zero singular values Sr are calculated The remaining vectors of U and V are not calculated This is quicker and more economical than the thin SVD if r min m n The matrix Ur is thus m r Sr is r r diagonal and Vr is r n Truncated SVD Edit In many applications the number r of the non zero singular values is large making even the Compact SVD impractical to compute In such cases the smallest singular values may need to be truncated to compute only t r non zero singular values The truncated SVD is no longer an exact decomposition of the original matrix M but rather provides the optimal low rank matrix approximation M displaystyle tilde mathbf M by any matrix of a fixed rank t M U t S t V t displaystyle tilde mathbf M mathbf U t boldsymbol Sigma t mathbf V t where matrix Ut is m t St is t t diagonal and Vt is t n Only the t column vectors of U and t row vectors of V corresponding to the t largest singular values St are calculated This can be much quicker and more economical than the compact SVD if t r but requires a completely different toolset of numerical solvers In applications that require an approximation to the Moore Penrose inverse of the matrix M the smallest singular values of M are of interest which are more challenging to compute compared to the largest ones Truncated SVD is employed in latent semantic indexing 25 Norms EditKy Fan norms Edit The sum of the k largest singular values of M is a matrix norm the Ky Fan k norm of M 26 The first of the Ky Fan norms the Ky Fan 1 norm is the same as the operator norm of M as a linear operator with respect to the Euclidean norms of Km and Kn In other words the Ky Fan 1 norm is the operator norm induced by the standard ℓ2 Euclidean inner product For this reason it is also called the operator 2 norm One can easily verify the relationship between the Ky Fan 1 norm and singular values It is true in general for a bounded operator M on possibly infinite dimensional Hilbert spaces M M M 1 2 displaystyle mathbf M mathbf M mathbf M frac 1 2 But in the matrix case M M 1 2 is a normal matrix so M M 1 2 is the largest eigenvalue of M M 1 2 i e the largest singular value of M The last of the Ky Fan norms the sum of all singular values is the trace norm also known as the nuclear norm defined by M Tr M M 1 2 the eigenvalues of M M are the squares of the singular values Hilbert Schmidt norm Edit The singular values are related to another norm on the space of operators Consider the Hilbert Schmidt inner product on the n n matrices defined by M N tr N M displaystyle langle mathbf M mathbf N rangle operatorname tr left mathbf N mathbf M right So the induced norm is M M M tr M M displaystyle mathbf M sqrt langle mathbf M mathbf M rangle sqrt operatorname tr left mathbf M mathbf M right Since the trace is invariant under unitary equivalence this shows M i s i 2 displaystyle mathbf M sqrt sum i sigma i 2 where si are the singular values of M This is called the Frobenius norm Schatten 2 norm or Hilbert Schmidt norm of M Direct calculation shows that the Frobenius norm of M mij coincides with i j m i j 2 displaystyle sqrt sum ij m ij 2 In addition the Frobenius norm and the trace norm the nuclear norm are special cases of the Schatten norm Variations and generalizations EditMode k representation Edit M U S V T displaystyle M USV textsf T can be represented using mode k multiplication of matrix S displaystyle S applying 1 U displaystyle times 1 U then 2 V displaystyle times 2 V on the result that is M S 1 U 2 V displaystyle M S times 1 U times 2 V 27 Tensor SVD Edit Two types of tensor decompositions exist which generalise the SVD to multi way arrays One of them decomposes a tensor into a sum of rank 1 tensors which is called a tensor rank decomposition The second type of decomposition computes the orthonormal subspaces associated with the different factors appearing in the tensor product of vector spaces in which the tensor lives This decomposition is referred to in the literature as the higher order SVD HOSVD or Tucker3 TuckerM In addition multilinear principal component analysis in multilinear subspace learning involves the same mathematical operations as Tucker decomposition being used in a different context of dimensionality reduction Scale invariant SVD Edit The singular values of a matrix A are uniquely defined and are invariant with respect to left and or right unitary transformations of A In other words the singular values of UAV for unitary U and V are equal to the singular values of A This is an important property for applications in which it is necessary to preserve Euclidean distances and invariance with respect to rotations The Scale Invariant SVD or SI SVD 28 is analogous to the conventional SVD except that its uniquely determined singular values are invariant with respect to diagonal transformations of A In other words the singular values of DAE for invertible diagonal matrices D and E are equal to the singular values of A This is an important property for applications for which invariance to the choice of units on variables e g metric versus imperial units is needed Higher order SVD of functions HOSVD Edit Main article Higher order singular value decomposition Tensor product TP model transformation numerically reconstruct the HOSVD of functions For further details please visit Tensor product model transformation HOSVD based canonical form of TP functions and qLPV models TP model transformation in control theoryBounded operators on Hilbert spaces Edit The factorization M USV can be extended to a bounded operator M on a separable Hilbert space H Namely for any bounded operator M there exist a partial isometry U a unitary V a measure space X m and a non negative measurable f such that M U T f V displaystyle mathbf M mathbf U T f mathbf V where T f displaystyle T f is the multiplication by f on L2 X m This can be shown by mimicking the linear algebraic argument for the matricial case above VTfV is the unique positive square root of M M as given by the Borel functional calculus for self adjoint operators The reason why U need not be unitary is because unlike the finite dimensional case given an isometry U1 with nontrivial kernel a suitable U2 may not be found such that U 1 U 2 displaystyle begin bmatrix U 1 U 2 end bmatrix is a unitary operator As for matrices the singular value factorization is equivalent to the polar decomposition for operators we can simply write M U V V T f V displaystyle mathbf M mathbf U mathbf V cdot mathbf V T f mathbf V and notice that U V is still a partial isometry while VTfV is positive Singular values and compact operators Edit The notion of singular values and left right singular vectors can be extended to compact operator on Hilbert space as they have a discrete spectrum If T is compact every non zero l in its spectrum is an eigenvalue Furthermore a compact self adjoint operator can be diagonalized by its eigenvectors If M is compact so is M M Applying the diagonalization result the unitary image of its positive square root Tf has a set of orthonormal eigenvectors ei corresponding to strictly positive eigenvalues si For any ps H M ps U T f V ps i U T f V ps U e i U e i i s i ps V e i U e i displaystyle mathbf M psi mathbf U T f mathbf V psi sum i left langle mathbf U T f mathbf V psi mathbf U e i right rangle mathbf U e i sum i sigma i left langle psi mathbf V e i right rangle mathbf U e i where the series converges in the norm topology on H Notice how this resembles the expression from the finite dimensional case si are called the singular values of M Uei resp Vei can be considered the left singular resp right singular vectors of M Compact operators on a Hilbert space are the closure of finite rank operators in the uniform operator topology The above series expression gives an explicit such representation An immediate consequence of this is Theorem M is compact if and only if M M is compact History EditThe singular value decomposition was originally developed by differential geometers who wished to determine whether a real bilinear form could be made equal to another by independent orthogonal transformations of the two spaces it acts on Eugenio Beltrami and Camille Jordan discovered independently in 1873 and 1874 respectively that the singular values of the bilinear forms represented as a matrix form a complete set of invariants for bilinear forms under orthogonal substitutions James Joseph Sylvester also arrived at the singular value decomposition for real square matrices in 1889 apparently independently of both Beltrami and Jordan Sylvester called the singular values the canonical multipliers of the matrix A The fourth mathematician to discover the singular value decomposition independently is Autonne in 1915 who arrived at it via the polar decomposition The first proof of the singular value decomposition for rectangular and complex matrices seems to be by Carl Eckart and Gale J Young in 1936 29 they saw it as a generalization of the principal axis transformation for Hermitian matrices In 1907 Erhard Schmidt defined an analog of singular values for integral operators which are compact under some weak technical assumptions it seems he was unaware of the parallel work on singular values of finite matrices This theory was further developed by Emile Picard in 1910 who is the first to call the numbers s k displaystyle sigma k singular values or in French valeurs singulieres Practical methods for computing the SVD date back to Kogbetliantz in 1954 1955 and Hestenes in 1958 30 resembling closely the Jacobi eigenvalue algorithm which uses plane rotations or Givens rotations However these were replaced by the method of Gene Golub and William Kahan published in 1965 31 which uses Householder transformations or reflections In 1970 Golub and Christian Reinsch 32 published a variant of the Golub Kahan algorithm that is still the one most used today See also EditCanonical correlation Canonical form Correspondence analysis CA Curse of dimensionality Digital signal processing Dimensionality reduction Eigendecomposition of a matrix Empirical orthogonal functions EOFs Fourier analysis Generalized singular value decomposition Inequalities about singular values K SVD Latent semantic analysis Latent semantic indexing Linear least squares List of Fourier related transforms Locality sensitive hashing Low rank approximation Matrix decomposition Multilinear principal component analysis MPCA Nearest neighbor search Non linear iterative partial least squares Polar decomposition Principal component analysis PCA Schmidt decomposition Smith normal form Singular value Time series Two dimensional singular value decomposition 2DSVD von Neumann s trace inequality Wavelet compressionNotes Edit DeAngelis G C Ohzawa I Freeman R D October 1995 Receptive field dynamics in the central visual pathways Trends Neurosci 18 10 451 8 doi 10 1016 0166 2236 95 94496 R PMID 8545912 S2CID 12827601 Depireux D A Simon J Z Klein D J Shamma S A March 2001 Spectro temporal response field characterization with dynamic ripples in ferret primary auditory cortex J Neurophysiol 85 3 1220 34 doi 10 1152 jn 2001 85 3 1220 PMID 11247991 The Singular Value Decomposition in Symmetric Lowdin Orthogonalization and Data Compression Sahidullah Md Kinnunen Tomi March 2016 Local spectral variability features for speaker verification Digital Signal Processing 50 1 11 doi 10 1016 j dsp 2015 10 011 Mademlis Ioannis Tefas Anastasios Pitas Ioannis 2018 Regularized SVD based video frame saliency for unsupervised activity video summarization ieeexplore ieee org IEEE pp 2691 2695 doi 10 1109 ICASSP 2018 8462274 ISBN 978 1 5386 4658 8 S2CID 52286352 Retrieved 19 January 2023 O Alter P O Brown and D Botstein September 2000 Singular Value Decomposition for Genome Wide Expression Data Processing and Modeling PNAS 97 18 10101 10106 Bibcode 2000PNAS 9710101A doi 10 1073 pnas 97 18 10101 PMC 27718 PMID 10963673 O Alter G H Golub November 2004 Integrative Analysis of Genome Scale Data by Using Pseudoinverse Projection Predicts Novel Correlation Between DNA Replication and RNA Transcription PNAS 101 47 16577 16582 Bibcode 2004PNAS 10116577A doi 10 1073 pnas 0406767101 PMC 534520 PMID 15545604 O Alter G H Golub August 2006 Singular Value Decomposition of Genome Scale mRNA Lengths Distribution Reveals Asymmetry in RNA Gel Electrophoresis Band Broadening PNAS 103 32 11828 11833 Bibcode 2006PNAS 10311828A doi 10 1073 pnas 0604756103 PMC 1524674 PMID 16877539 Bertagnolli N M Drake J A Tennessen J M Alter O November 2013 SVD Identifies Transcript Length Distribution Functions from DNA Microarray Data and Reveals Evolutionary Forces Globally Affecting GBM Metabolism PLOS ONE 8 11 e78913 Bibcode 2013PLoSO 878913B doi 10 1371 journal pone 0078913 PMC 3839928 PMID 24282503 Highlight Muralidharan Vivek Howell Kathleen 2023 Stretching directions in cislunar space Applications for departures and transfer design Astrodynamics 7 2 153 178 Bibcode 2023AsDyn 7 153M doi 10 1007 s42064 022 0147 z Muralidharan Vivek Howell Kathleen 2022 Leveraging stretching directions for stationkeeping in Earth Moon halo orbits Advances in Space Research 69 1 620 646 Bibcode 2022AdSpR 69 620M doi 10 1016 j asr 2021 10 028 Edelman Alan 1992 On the distribution of a scaled condition number PDF Math Comp 58 197 185 190 Bibcode 1992MaCom 58 185E doi 10 1090 S0025 5718 1992 1106966 2 Shen Jianhong Jackie 2001 On the singular values of Gaussian random matrices Linear Alg Appl 326 1 3 1 14 doi 10 1016 S0024 3795 00 00322 0 Walton S Hassan O Morgan K 2013 Reduced order modelling for unsteady fluid flow using proper orthogonal decomposition and radial basis functions Applied Mathematical Modelling 37 20 21 8930 8945 doi 10 1016 j apm 2013 04 025 Setyawati Y Ohme F Khan S 2019 Enhancing gravitational waveform model through dynamic calibration Physical Review D 99 2 024010 arXiv 1810 07060 Bibcode 2019PhRvD 99b4010S doi 10 1103 PhysRevD 99 024010 S2CID 118935941 Sarwar Badrul Karypis George Konstan Joseph A amp Riedl John T 2000 Application of Dimensionality Reduction in Recommender System A Case Study PDF University of Minnesota a href Template Cite journal html title Template Cite journal cite journal a Cite journal requires journal help Bosagh Zadeh Reza Carlsson Gunnar 2013 Dimension Independent Matrix Square Using MapReduce PDF arXiv 1304 1467 Bibcode 2013arXiv1304 1467B a href Template Cite journal html title Template Cite journal cite journal a Cite journal requires journal help Hadi Fanaee Tork Joao Gama September 2014 Eigenspace method for spatiotemporal hotspot detection Expert Systems 32 3 454 464 arXiv 1406 3506 Bibcode 2014arXiv1406 3506F doi 10 1111 exsy 12088 S2CID 15476557 Hadi Fanaee Tork Joao Gama May 2015 EigenEvent An Algorithm for Event Detection from Complex Data Streams in Syndromic Surveillance Intelligent Data Analysis 19 3 597 616 arXiv 1406 3496 doi 10 3233 IDA 150734 S2CID 17966555 To see this we just have to notice that Tr V 2 M M V 2 M V 2 2 displaystyle operatorname Tr mathbf V 2 mathbf M mathbf M mathbf V 2 mathbf M mathbf V 2 2 and remember that A 0 A 0 displaystyle A 0 Leftrightarrow A 0 Netlib org Netlib org mathworks co kr matlabcentral fileexchange 12674 simple svd Demmel James 2000 Decompositions Templates for the Solution of Algebraic Eigenvalue Problems By Bai Zhaojun Demmel James Dongarra Jack J Ruhe Axel van der Vorst Henk A Society for Industrial and Applied Mathematics doi 10 1137 1 9780898719581 ISBN 978 0 89871 471 5 Chicco D Masseroli M 2015 Software suite for gene and protein annotation prediction and similarity search IEEE ACM Transactions on Computational Biology and Bioinformatics 12 4 837 843 doi 10 1109 TCBB 2014 2382127 hdl 11311 959408 PMID 26357324 S2CID 14714823 Fan Ky 1951 Maximum properties and inequalities for the eigenvalues of completely continuous operators Proceedings of the National Academy of Sciences of the United States of America 37 11 760 766 Bibcode 1951PNAS 37 760F doi 10 1073 pnas 37 11 760 PMC 1063464 PMID 16578416 De Lathauwer L De Moor B Vandewalle J 1 January 2000 A Multilinear Singular Value Decomposition SIAM Journal on Matrix Analysis and Applications 21 4 1253 1278 CiteSeerX 10 1 1 102 9135 doi 10 1137 S0895479896305696 ISSN 0895 4798 Uhlmann Jeffrey 2018 A Generalized Matrix Inverse that is Consistent with Respect to Diagonal Transformations PDF SIAM Journal on Matrix Analysis vol 239 2 pp 781 800 Eckart C Young G 1936 The approximation of one matrix by another of lower rank Psychometrika 1 3 211 8 doi 10 1007 BF02288367 S2CID 10163399 Hestenes M R 1958 Inversion of Matrices by Biorthogonalization and Related Results Journal of the Society for Industrial and Applied Mathematics 6 1 51 90 doi 10 1137 0106005 JSTOR 2098862 MR 0092215 Golub amp Kahan 1965 Golub G H Reinsch C 1970 Singular value decomposition and least squares solutions Numerische Mathematik 14 5 403 420 doi 10 1007 BF02163027 MR 1553974 S2CID 123532178 References EditBanerjee Sudipto Roy Anindya 2014 Linear Algebra and Matrix Analysis for Statistics Texts in Statistical Science 1st ed Chapman and Hall CRC ISBN 978 1420095388 Chicco D Masseroli M 2015 Software suite for gene and protein annotation prediction and similarity search IEEE ACM Transactions on Computational Biology and Bioinformatics 12 4 837 843 doi 10 1109 TCBB 2014 2382127 hdl 11311 959408 PMID 26357324 S2CID 14714823 Trefethen Lloyd N Bau III David 1997 Numerical linear algebra Philadelphia Society for Industrial and Applied Mathematics ISBN 978 0 89871 361 9 Demmel James Kahan William 1990 Accurate singular values of bidiagonal matrices SIAM Journal on Scientific and Statistical Computing 11 5 873 912 CiteSeerX 10 1 1 48 3740 doi 10 1137 0911052 Golub Gene H Kahan William 1965 Calculating the singular values and pseudo inverse of a matrix Journal of the Society for Industrial and Applied Mathematics Series B Numerical Analysis 2 2 205 224 Bibcode 1965SJNA 2 205G doi 10 1137 0702016 JSTOR 2949777 Golub Gene H Van Loan Charles F 1996 Matrix Computations 3rd ed Johns Hopkins ISBN 978 0 8018 5414 9 GSL Team 2007 14 4 Singular Value Decomposition GNU Scientific Library Reference Manual Halldor Bjornsson and Venegas Silvia A 1997 A manual for EOF and SVD analyses of climate data McGill University CCGCR Report No 97 1 Montreal Quebec 52pp Hansen P C 1987 The truncated SVD as a method for regularization BIT 27 4 534 553 doi 10 1007 BF01937276 S2CID 37591557 Horn Roger A Johnson Charles R 1985 Section 7 3 Matrix Analysis Cambridge University Press ISBN 978 0 521 38632 6 Horn Roger A Johnson Charles R 1991 Chapter 3 Topics in Matrix Analysis Cambridge University Press ISBN 978 0 521 46713 1 Samet H 2006 Foundations of Multidimensional and Metric Data Structures Morgan Kaufmann ISBN 978 0 12 369446 1 Strang G 1998 Section 6 7 Introduction to Linear Algebra 3rd ed Wellesley Cambridge Press ISBN 978 0 9614088 5 5 Stewart G W 1993 On the Early History of the Singular Value Decomposition SIAM Review 35 4 551 566 CiteSeerX 10 1 1 23 1831 doi 10 1137 1035134 hdl 1903 566 JSTOR 2132388 Wall Michael E Rechtsteiner Andreas Rocha Luis M 2003 Singular value decomposition and principal component analysis In D P Berrar W Dubitzky M Granzow eds A Practical Approach to Microarray Data Analysis Norwell MA Kluwer pp 91 109 Press WH Teukolsky SA Vetterling WT Flannery BP 2007 Section 2 6 Numerical Recipes The Art of Scientific Computing 3rd ed New York Cambridge University Press ISBN 978 0 521 88068 8External links EditOnline SVD calculator Retrieved from https en wikipedia org w index php title Singular value decomposition amp oldid 1145891194, wikipedia, wiki, book, books, library,

article

, read, download, free, free download, mp3, video, mp4, 3gp, jpg, jpeg, gif, png, picture, music, song, movie, book, game, games.