Base class for matrices, part 2#

For design documentation see matrix/docs.py.

AUTHORS:

  • William Stein: initial version

  • Jaap Spies (2006-02-24): added prod_of_row_sums, permanent, permanental_minor, rook_vector methods

  • Robert Bradshaw (2007-06-14): added subdivide method

  • Jaap Spies (2007-11-14): implemented _binomial, _choose auxiliary functions

  • William Stein (2007-11-18): added _gram_schmidt_noscale method

  • David Loeffler (2008-12-05): added smith_form method

  • David Loeffler (2009-06-01): added _echelon_form_PID method

  • Sebastian Pancratz (2009-06-25): implemented adjoint and charpoly methods; fixed adjoint reflecting the change that _adjoint is now implemented in Matrix; used the division-free algorithm for charpoly

  • Rob Beezer (2009-07-13): added elementwise_product method

  • Miguel Marco (2010-06-19): modified eigenvalues and eigenvectors functions to allow the option extend=False

  • Thierry Monteil (2010-10-05): bugfix for github issue #10063, so that the determinant is computed even for rings for which the is_field method is not implemented.

  • Rob Beezer (2010-12-13): added conjugate_transpose method

  • Rob Beezer (2011-02-05): refactored all of the matrix kernel routines; added extended_echelon_form, right_kernel_matrix, QR, _gram_schmidt_noscale, is_similar methods

  • Moritz Minzlaff (2011-03-17): corrected _echelon_form_PID method for matrices of one row, fixed in github issue #9053

  • Rob Beezer (2011-06-09): added is_normal, is_diagonalizable, LU, cyclic_subspace, zigzag_form, rational_form methods

  • Rob Beezer (2012-05-27): added indefinite_factorization, is_positive_definite, cholesky methods

  • Darij Grinberg (2013-10-01): added first (slow) pfaffian implementation

  • Mario Pernici (2014-07-01): modified rook_vector method

  • Rob Beezer (2015-05-25): modified is_similar method

  • Samuel Lelièvre (2020-09-18): improved method LLL_gram based on a patch by William Stein posted at github issue #5178, moving the method from its initial location in sage.matrix.integer_matrix_dense

  • Michael Jung (2020-10-02): added Bär-Faddeev-LeVerrier algorithm for the Pfaffian

  • Moritz Firsching(2020-10-05): added quantum_determinant

  • Dima Pasechnik (2022-11-08): fixed echelonize for inexact matrices

class sage.matrix.matrix2.Matrix#

Bases: Matrix

Base class for matrices, part 2

C#

Returns the conjugate matrix.

EXAMPLES:

sage: A = matrix(QQbar, [[     -3,  5 - 3*I, 7 - 4*I],                      # needs sage.rings.number_field
....:                    [7 + 3*I, -1 + 6*I, 3 + 5*I],
....:                    [3 + 3*I, -3 + 6*I, 5 +   I]])
sage: A.C                                                                   # needs sage.rings.number_field
[      -3  5 + 3*I  7 + 4*I]
[ 7 - 3*I -1 - 6*I  3 - 5*I]
[ 3 - 3*I -3 - 6*I  5 - 1*I]
H#

Returns the conjugate-transpose (Hermitian) matrix.

EXAMPLES:

sage: A = matrix(QQbar, [[     -3,  5 - 3*I, 7 - 4*I],                      # needs sage.rings.number_field
....:                    [7 + 3*I, -1 + 6*I, 3 + 5*I],
....:                    [3 + 3*I, -3 + 6*I, 5 +   I]])
sage: A.H                                                                   # needs sage.rings.number_field
[      -3  7 - 3*I  3 - 3*I]
[ 5 + 3*I -1 - 6*I -3 - 6*I]
[ 7 + 4*I  3 - 5*I  5 - 1*I]
LLL_gram(flag=0)#

Return the LLL transformation matrix for this Gram matrix.

That is, the transformation matrix U over ZZ of determinant 1 that transforms the lattice with this matrix as Gram matrix to a lattice that is LLL-reduced.

Always works when self is positive definite, might work in some semidefinite and indefinite cases.

INPUT:

  • self – the Gram matrix of a quadratic form or of a lattice equipped with a bilinear form

  • flag – an optional flag passed to qflllgram. According to pari:qflllgram’s documentation the options are:

    • 0 – (default), assume that self has either exact (integral or rational) or real floating point entries. The matrix is rescaled, converted to integers and the behavior is then as in flag=1.

    • 1 – assume that G is integral. Computations involving Gram-Schmidt vectors are approximate, with precision varying as needed.

OUTPUT:

A dense matrix U over the integers with determinant 1 such that U.T * M * U is LLL-reduced.

ALGORITHM:

Calls PARI’s pari:qflllgram.

EXAMPLES:

Create a Gram matrix and LLL-reduce it:

sage: M = Matrix(ZZ, 2, 2, [5, 3, 3, 2])
sage: U = M.LLL_gram()                                                      # needs sage.libs.pari
sage: MM = U.transpose() * M * U                                            # needs sage.libs.pari
sage: M, U, MM                                                              # needs sage.libs.pari
(
[5 3]  [-1  1]  [1 0]
[3 2], [ 1 -2], [0 1]
)

For a Gram matrix over RR with a length one first vector and a very short second vector, the LLL-reduced basis is obtained by swapping the two basis vectors (and changing sign to preserve orientation).

sage: M = Matrix(RDF, 2, 2, [1, 0, 0, 1e-5])
sage: M.LLL_gram()                                                          # needs sage.libs.pari
[ 0 -1]
[ 1  0]

The algorithm might work for some semidefinite and indefinite forms:

sage: Matrix(ZZ, 2, 2, [2, 6, 6, 3]).LLL_gram()                             # needs sage.libs.pari
[-3 -1]
[ 1  0]
sage: Matrix(ZZ, 2, 2, [1, 0, 0, -1]).LLL_gram()                            # needs sage.libs.pari
[ 0 -1]
[ 1  0]

However, it might fail for others, either raising a ValueError:

sage: Matrix(ZZ, 1, 1, [0]).LLL_gram()                                      # needs sage.libs.pari
Traceback (most recent call last):
...
ValueError: qflllgram did not return a square matrix,
perhaps the matrix is not positive definite

sage: Matrix(ZZ, 2, 2, [0, 1, 1, 0]).LLL_gram()                             # needs sage.libs.pari
Traceback (most recent call last):
...
ValueError: qflllgram did not return a square matrix,
perhaps the matrix is not positive definite

or running forever:

sage: Matrix(ZZ, 2, 2, [-5, -1, -1, -5]).LLL_gram()         # not tested, needs sage.libs.pari
Traceback (most recent call last):
...
RuntimeError: infinite loop while calling qflllgram

Nonreal input leads to a value error:

sage: Matrix(2, 2, [CDF(1, 1), 0, 0, 1]).LLL_gram()                          # needs sage.libs.pari
Traceback (most recent call last):
...
ValueError: qflllgram failed, perhaps the matrix is not positive definite
LU(pivot=None, format='plu')#

Finds a decomposition into a lower-triangular matrix and an upper-triangular matrix.

INPUT:

  • pivot - pivoting strategy

    • ‘auto’ (default) - see if the matrix entries are ordered (i.e. if they have an absolute value method), and if so, use a the partial pivoting strategy. Otherwise, fall back to the nonzero strategy. This is the best choice for general routines that may call this for matrix entries of a variety of types.

    • ‘partial’ - each column is examined for the element with the largest absolute value and the row containing this element is swapped into place.

    • ‘nonzero’ - the first nonzero element in a column is located and the row with this element is used.

  • format - contents of output, see more discussion below about output.

    • ‘plu’ (default) - a triple; matrices P, L and U such that A = P*L*U.

    • ‘compact’ - a pair; row permutation as a tuple, and the matrices L and U combined into one matrix.

OUTPUT:

Suppose that \(A\) is an \(m\times n\) matrix, then an LU decomposition is a lower-triangular \(m\times m\) matrix \(L\) with every diagonal element equal to 1, and an upper-triangular \(m\times n\) matrix, \(U\) such that the product \(LU\), after a permutation of the rows, is then equal to \(A\). For the ‘plu’ format the permutation is returned as an \(m\times m\) permutation matrix \(P\) such that

\[A = PLU\]

It is more common to place the permutation matrix just to the left of \(A\). If you desire this version, then use the inverse of \(P\) which is computed most efficiently as its transpose.

If the ‘partial’ pivoting strategy is used, then the non-diagonal entries of \(L\) will be less than or equal to 1 in absolute value. The ‘nonzero’ pivot strategy may be faster, but the growth of data structures for elements of the decomposition might counteract the advantage.

By necessity, returned matrices have a base ring equal to the fraction field of the base ring of the original matrix.

In the ‘compact’ format, the first returned value is a tuple that is a permutation of the rows of \(LU\) that yields \(A\). See the doctest for how you might employ this permutation. Then the matrices \(L\) and \(U\) are merged into one matrix – remove the diagonal of ones in \(L\) and the remaining nonzero entries can replace the entries of \(U\) beneath the diagonal.

The results are cached, only in the compact format, separately for each pivot strategy called. Repeated requests for the ‘plu’ format will require just a small amount of overhead in each call to bust out the compact format to the three matrices. Since only the compact format is cached, the components of the compact format are immutable, while the components of the ‘plu’ format are regenerated, and hence are mutable.

Notice that while \(U\) is similar to row-echelon form and the rows of \(U\) span the row space of \(A\), the rows of \(U\) are not generally linearly independent. Nor are the pivot columns (or rank) immediately obvious. However for rings without specialized echelon form routines, this method is about twice as fast as the generic echelon form routine since it only acts “below the diagonal”, as would be predicted from a theoretical analysis of the algorithms.

Note

This is an exact computation, so limited to exact rings. If you need numerical results, convert the base ring to the field of real double numbers, RDF or the field of complex double numbers, CDF, which will use a faster routine that is careful about numerical subtleties.

ALGORITHM:

“Gaussian Elimination with Partial Pivoting,” Algorithm 21.1 of [TB1997].

EXAMPLES:

Notice the difference in the \(L\) matrix as a result of different pivoting strategies. With partial pivoting, every entry of \(L\) has absolute value 1 or less.

sage: A = matrix(QQ, [[1, -1,  0,  2,  4,  7, -1],
....:                 [2, -1,  0,  6,  4,  8, -2],
....:                 [2,  0,  1,  4,  2,  6,  0],
....:                 [1,  0, -1,  8, -1, -1, -3],
....:                 [1,  1,  2, -2, -1,  1,  3]])
sage: P, L, U = A.LU(pivot='partial')
sage: P
[0 0 0 0 1]
[1 0 0 0 0]
[0 0 0 1 0]
[0 0 1 0 0]
[0 1 0 0 0]
sage: L
[   1    0    0    0    0]
[ 1/2    1    0    0    0]
[ 1/2  1/3    1    0    0]
[   1  2/3  1/5    1    0]
[ 1/2 -1/3 -2/5    0    1]
sage: U
[    2    -1     0     6     4     8    -2]
[    0   3/2     2    -5    -3    -3     4]
[    0     0  -5/3  20/3    -2    -4 -10/3]
[    0     0     0     0   2/5   4/5     0]
[    0     0     0     0   1/5   2/5     0]
sage: A == P*L*U
True
sage: P, L, U = A.LU(pivot='nonzero')
sage: P
[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]
sage: L
[ 1  0  0  0  0]
[ 2  1  0  0  0]
[ 2  2  1  0  0]
[ 1  1 -1  1  0]
[ 1  2  2  0  1]
sage: U
[ 1 -1  0  2  4  7 -1]
[ 0  1  0  2 -4 -6  0]
[ 0  0  1 -4  2  4  2]
[ 0  0  0  0  1  2  0]
[ 0  0  0  0 -1 -2  0]
sage: A == P*L*U
True

An example of the compact format.

sage: B = matrix(QQ, [[ 1,  3,  5,  5],
....:                 [ 1,  4,  7,  8],
....:                 [-1, -4, -6, -6],
....:                 [ 0, -2, -5, -8],
....:                 [-2, -6, -6, -2]])
sage: perm, M = B.LU(format='compact')
sage: perm
(4, 3, 0, 1, 2)
sage: M
[  -2   -6   -6   -2]
[   0   -2   -5   -8]
[-1/2    0    2    4]
[-1/2 -1/2  3/4    0]
[ 1/2  1/2 -1/4    0]

We can easily illustrate the relationships between the two formats with a square matrix.

sage: C = matrix(QQ, [[-2,  3, -2, -5],
....:                 [ 1, -2,  1,  3],
....:                 [-4,  7, -3, -8],
....:                 [-3,  8, -1, -5]])
sage: P, L, U = C.LU(format='plu')
sage: perm, M = C.LU(format='compact')
sage: (L - identity_matrix(4)) + U == M
True
sage: p = [perm[i]+1 for i in range(len(perm))]
sage: PP = Permutation(p).to_matrix()
sage: PP == P
True

For a nonsingular matrix, and the ‘nonzero’ pivot strategy there is no need to permute rows, so the permutation matrix will be the identity. Furthermore, it can be shown that then the \(L\) and \(U\) matrices are uniquely determined by requiring \(L\) to have ones on the diagonal.

sage: D = matrix(QQ, [[ 1,  0,  2,  0, -2, -1],
....:                 [ 3, -2,  3, -1,  0,  6],
....:                 [-4,  2, -3,  1, -1, -8],
....:                 [-2,  2, -3,  2,  1,  0],
....:                 [ 0, -1, -1,  0,  2,  5],
....:                 [-1,  2, -4, -1,  5, -3]])
sage: P, L, U = D.LU(pivot='nonzero')
sage: P
[1 0 0 0 0 0]
[0 1 0 0 0 0]
[0 0 1 0 0 0]
[0 0 0 1 0 0]
[0 0 0 0 1 0]
[0 0 0 0 0 1]
sage: L
[   1    0    0    0    0    0]
[   3    1    0    0    0    0]
[  -4   -1    1    0    0    0]
[  -2   -1   -1    1    0    0]
[   0  1/2  1/4  1/2    1    0]
[  -1   -1 -5/2   -2   -6    1]
sage: U
[   1    0    2    0   -2   -1]
[   0   -2   -3   -1    6    9]
[   0    0    2    0   -3   -3]
[   0    0    0    1    0    4]
[   0    0    0    0 -1/4 -3/4]
[   0    0    0    0    0    1]
sage: D == L*U
True

The base ring of the matrix may be any field, or a ring which has a fraction field implemented in Sage. The ring needs to be exact (there is a numerical LU decomposition for matrices over RDF and CDF). Matrices returned are over the original field, or the fraction field of the ring. If the field is not ordered (i.e. the absolute value function is not implemented), then the pivot strategy needs to be ‘nonzero’.

sage: A = matrix(RealField(100), 3, 3, range(9))
sage: P, L, U = A.LU()
Traceback (most recent call last):
...
TypeError: base ring of the matrix must be exact,
not Real Field with 100 bits of precision

sage: A = matrix(Integers(6), 3, 2, range(6))
sage: A.LU()
Traceback (most recent call last):
...
TypeError: base ring of the matrix needs a field of fractions,
not Ring of integers modulo 6

sage: R.<y> = PolynomialRing(QQ, 'y')
sage: B = matrix(R, [[y+1, y^2+y], [y^2, y^3]])
sage: P, L, U = B.LU(pivot='partial')
Traceback (most recent call last):
...
TypeError: cannot take absolute value of matrix entries, try 'pivot=nonzero'
sage: P, L, U = B.LU(pivot='nonzero')
sage: P
[1 0]
[0 1]
sage: L
[          1           0]
[y^2/(y + 1)           1]
sage: U
[  y + 1 y^2 + y]
[      0       0]
sage: L.base_ring()
Fraction Field of Univariate Polynomial Ring in y over Rational Field
sage: B == P*L*U
True

sage: # needs sage.rings.finite_rings
sage: F.<a> = FiniteField(5^2)
sage: C = matrix(F, [[a + 3, 4*a + 4, 2, 4*a + 2],
....:                [3, 2*a + 4, 2*a + 4, 2*a + 1],
....:                [3*a + 1, a + 3, 2*a + 4, 4*a + 3],
....:                [a, 3, 3*a + 1, a]])
sage: P, L, U = C.LU(pivot='nonzero')
sage: P
[1 0 0 0]
[0 1 0 0]
[0 0 1 0]
[0 0 0 1]
sage: L                                                                     # needs sage.combinat
[      1       0       0       0]
[3*a + 3       1       0       0]
[    2*a 4*a + 2       1       0]
[2*a + 3       2 2*a + 4       1]
sage: U                                                                     # needs sage.combinat
[  a + 3 4*a + 4       2 4*a + 2]
[      0   a + 1   a + 3 2*a + 4]
[      0       0       1 4*a + 2]
[      0       0       0       0]
sage: L.base_ring()                                                         # needs sage.combinat
Finite Field in a of size 5^2
sage: C == P*L*U                                                            # needs sage.combinat
True

With no pivoting strategy given (i.e. pivot=None) the routine will try to use partial pivoting, but then fall back to the nonzero strategy. For the nonsingular matrix below, we see evidence of pivoting when viewed over the rationals, and no pivoting over the integers mod 29.

sage: entries = [3, 20, 11, 7, 16, 28, 5, 15, 21, 23, 22, 18, 8, 23, 15, 2]
sage: A = matrix(Integers(29), 4, 4, entries)
sage: perm, _ = A.LU(format='compact'); perm
(0, 1, 2, 3)
sage: B = matrix(QQ, 4, 4, entries)
sage: perm, _ = B.LU(format='compact'); perm
(2, 0, 1, 3)

The \(U\) matrix is only guaranteed to be upper-triangular. The rows are not necessarily linearly independent, nor are the pivots columns or rank in evidence.

sage: A = matrix(QQ, [[ 1, -4,  1,  0, -2,  1, 3,  3,  2],
....:                 [-1,  4,  0, -4,  0, -4, 5, -7, -7],
....:                 [ 0,  0,  1, -4, -1, -3, 6, -5, -6],
....:                 [-2,  8, -1, -4,  2, -4, 1, -8, -7],
....:                 [ 1, -4,  2, -4, -3,  2, 5,  6,  4]])
sage: P, L, U = A.LU()
sage: U
[   -2     8    -1    -4     2    -4     1    -8    -7]
[    0     0   1/2    -2    -1    -2   9/2    -3  -7/2]
[    0     0   3/2    -6    -2     0  11/2     2   1/2]
[    0     0     0     0  -1/3    -1   5/3  -5/3  -5/3]
[    0     0     0     0   1/3    -3   7/3 -19/3 -19/3]
sage: A.rref()
[ 1 -4  0  4  0  0 -1 -1 -1]
[ 0  0  1 -4  0  0  1  0 -1]
[ 0  0  0  0  1  0 -2 -1 -1]
[ 0  0  0  0  0  1 -1  2  2]
[ 0  0  0  0  0  0  0  0  0]
sage: A.pivots()
(0, 2, 4, 5)
QR(full=True)#

Returns a factorization of self as a unitary matrix and an upper-triangular matrix.

INPUT:

  • full - default: True - if True then the returned matrices have dimensions as described below. If False the R matrix has no zero rows and the columns of Q are a basis for the column space of self.

OUTPUT:

If self is an \(m\times n\) matrix and full=True then this method returns a pair of matrices: \(Q\) is an \(m\times m\) unitary matrix (meaning its inverse is its conjugate-transpose) and \(R\) is an \(m\times n\) upper-triangular matrix with non-negative entries on the diagonal. For a matrix of full rank this factorization is unique (due to the restriction to positive entries on the diagonal).

If full=False then \(Q\) has \(m\) rows and the columns form an orthonormal basis for the column space of self. So, in particular, the conjugate-transpose of \(Q\) times \(Q\) will be an identity matrix. The matrix \(R\) will still be upper-triangular but will also have full rank, in particular it will lack the zero rows present in a full factorization of a rank-deficient matrix.

The results obtained when full=True are cached, hence \(Q\) and \(R\) are immutable matrices in this case.

Note

This is an exact computation, so limited to exact rings. Also the base ring needs to have a fraction field implemented in Sage and this field must contain square roots. One example is the field of algebraic numbers, QQbar, as used in the examples below. If you need numerical results, convert the base ring to the field of complex double numbers, CDF, which will use a faster routine that is careful about numerical subtleties.

ALGORITHM:

“Modified Gram-Schmidt,” Algorithm 8.1 of [TB1997].

EXAMPLES:

For a nonsingular matrix, the QR decomposition is unique.

sage: # needs sage.rings.number_field
sage: A = matrix(QQbar, [[-2, 0, -4, -1, -1],
....:                    [-2, 1, -6, -3, -1],
....:                    [1, 1, 7, 4, 5],
....:                    [3, 0, 8, 3, 3],
....:                    [-1, 1, -6, -6, 5]])
sage: Q, R = A.QR()
sage: Q
[ -0.4588314677411235?  -0.1260506983326509?   0.3812120831224489?   -0.394573711338418?     -0.6874400625964?]
[ -0.4588314677411235?   0.4726901187474409? -0.05198346588033394?   0.7172941251646595?     -0.2209628772631?]
[  0.2294157338705618?   0.6617661662464172?   0.6619227988762521?  -0.1808720937375480?      0.1964114464561?]
[  0.6882472016116853?   0.1890760474989764?  -0.2044682991293135?   0.0966302966543065?     -0.6628886317894?]
[ -0.2294157338705618?   0.5357154679137663?   -0.609939332995919?   -0.536422031427112?      0.0245514308070?]
sage: R
[  4.358898943540674? -0.4588314677411235?   13.07669683062202?   6.194224814505168?   2.982404540317303?]
[                   0   1.670171752907625?  0.5987408170800917?  -1.292019657909672?   6.207996892883057?]
[                   0                    0   5.444401659866974?   5.468660610611130? -0.6827161852283857?]
[                   0                    0                    0   1.027626039419836?  -3.619300149686620?]
[                   0                    0                    0                    0   0.024551430807012?]
sage: Q.conjugate_transpose()*Q
[1.000000000000000?            0.?e-18            0.?e-17            0.?e-16            0.?e-13]
[           0.?e-18 1.000000000000000?            0.?e-17            0.?e-16            0.?e-13]
[           0.?e-17            0.?e-17 1.000000000000000?            0.?e-16            0.?e-13]
[           0.?e-16            0.?e-16            0.?e-16 1.000000000000000?            0.?e-13]
[           0.?e-13            0.?e-13            0.?e-13            0.?e-13   1.0000000000000?]
sage: Q * R == A
True

An example with complex numbers in QQbar, the field of algebraic numbers.

sage: # needs sage.rings.number_field
sage: A = matrix(QQbar, [[-8, 4*I + 1, -I + 2, 2*I + 1],
....:                    [1, -2*I - 1, -I + 3, -I + 1],
....:                    [I + 7, 2*I + 1, -2*I + 7, -I + 1],
....:                    [I + 2, 0, I + 12, -1]])
sage: Q, R = A.QR()
sage: Q
[                          -0.7302967433402215?    0.2070566455055649? + 0.5383472783144687?*I    0.2463049809998642? - 0.0764456358723292?*I    0.2381617683194332? - 0.1036596032779695?*I]
[                           0.0912870929175277?   -0.2070566455055649? - 0.3778783780476559?*I    0.3786559533863033? - 0.1952221495524667?*I     0.701244450214469? - 0.3643711650986595?*I]
[   0.6390096504226938? + 0.0912870929175277?*I    0.1708217325420910? + 0.6677576817554466?*I -0.03411475806452072? + 0.04090198741767143?*I    0.3140171085506764? - 0.0825191718705412?*I]
[   0.1825741858350554? + 0.0912870929175277?*I  -0.03623491296347385? + 0.0724698259269477?*I   0.8632284069415110? + 0.06322839976356195?*I   -0.4499694867611521? - 0.0116119181208918?*I]
sage: R
[                          10.95445115010333?               0.?e-18 - 1.917028951268082?*I    5.385938482134133? - 2.190890230020665?*I  -0.2738612787525831? - 2.190890230020665?*I]
[                                           0               4.829596256417300? + 0.?e-18*I   -0.869637911123373? - 5.864879483945125?*I   0.993871898426712? - 0.3054085521207082?*I]
[                                           0                                            0               12.00160760935814? + 0.?e-16*I -0.2709533402297273? + 0.4420629644486323?*I]
[                                           0                                            0                                            0               1.942963944258992? + 0.?e-16*I]
sage: Q.conjugate_transpose()*Q
[1.000000000000000? + 0.?e-19*I            0.?e-18 + 0.?e-17*I            0.?e-17 + 0.?e-17*I            0.?e-16 + 0.?e-16*I]
[           0.?e-18 + 0.?e-17*I 1.000000000000000? + 0.?e-17*I            0.?e-17 + 0.?e-17*I            0.?e-16 + 0.?e-16*I]
[           0.?e-17 + 0.?e-17*I            0.?e-17 + 0.?e-17*I 1.000000000000000? + 0.?e-17*I            0.?e-16 + 0.?e-16*I]
[           0.?e-16 + 0.?e-16*I            0.?e-16 + 0.?e-16*I            0.?e-16 + 0.?e-16*I 1.000000000000000? + 0.?e-16*I]
sage: Q*R - A
[            0.?e-17 0.?e-17 + 0.?e-17*I 0.?e-16 + 0.?e-16*I 0.?e-16 + 0.?e-16*I]
[            0.?e-18 0.?e-17 + 0.?e-17*I 0.?e-16 + 0.?e-16*I 0.?e-16 + 0.?e-16*I]
[0.?e-17 + 0.?e-18*I 0.?e-17 + 0.?e-17*I 0.?e-16 + 0.?e-16*I 0.?e-16 + 0.?e-16*I]
[0.?e-18 + 0.?e-18*I 0.?e-18 + 0.?e-18*I 0.?e-16 + 0.?e-16*I 0.?e-16 + 0.?e-16*I]

A rank-deficient rectangular matrix, with both values of the full keyword.

sage: # needs sage.rings.number_field
sage: A = matrix(QQbar, [[2, -3, 3],
....:                    [-1, 1, -1],
....:                    [-1, 3, -3],
....:                    [-5, 1, -1]])
sage: Q, R = A.QR()
sage: Q
[  0.3592106040535498?  -0.5693261797050169?   0.7239227659930268?   0.1509015305256380?]
[ -0.1796053020267749?   0.1445907757980996?                     0   0.9730546968377341?]
[ -0.1796053020267749?   0.7048800320157352?    0.672213996993525?  -0.1378927778941174?]
[ -0.8980265101338745?  -0.3976246334447737?   0.1551263069985058? -0.10667177157846818?]
sage: R
[ 5.567764362830022? -2.694079530401624?  2.694079530401624?]
[                  0  3.569584777515583? -3.569584777515583?]
[                  0                   0                   0]
[                  0                   0                   0]
sage: Q.conjugate_transpose() * Q
[                 1            0.?e-18            0.?e-18            0.?e-18]
[           0.?e-18                  1            0.?e-18            0.?e-18]
[           0.?e-18            0.?e-18 1.000000000000000?            0.?e-18]
[           0.?e-18            0.?e-18            0.?e-18 1.000000000000000?]

sage: # needs sage.rings.number_field
sage: Q, R = A.QR(full=False)
sage: Q
[ 0.3592106040535498? -0.5693261797050169?]
[-0.1796053020267749?  0.1445907757980996?]
[-0.1796053020267749?  0.7048800320157352?]
[-0.8980265101338745? -0.3976246334447737?]
sage: R
[ 5.567764362830022? -2.694079530401624?  2.694079530401624?]
[                  0  3.569584777515583? -3.569584777515583?]
sage: Q.conjugate_transpose()*Q
[      1 0.?e-18]
[0.?e-18       1]

Another rank-deficient rectangular matrix, with complex entries, as a reduced decomposition.

sage: # needs sage.rings.number_field
sage: A = matrix(QQbar, [[-3*I - 3, I - 3, -12*I + 1, -2],
....:                    [-I - 1, -2, 5*I - 1, -I - 2],
....:                    [-4*I - 4, I - 5, -7*I, -I - 4]])
sage: Q, R = A.QR(full=False)
sage: Q
[ -0.4160251471689219? - 0.4160251471689219?*I   0.5370861555295747? + 0.1790287185098583?*I]
[ -0.1386750490563073? - 0.1386750490563073?*I  -0.7519206177414046? - 0.2506402059138015?*I]
[ -0.5547001962252291? - 0.5547001962252291?*I -0.2148344622118299? - 0.07161148740394329?*I]
sage: R
[                        7.211102550927979?  3.328201177351375? - 5.269651864139676?*I   7.904477796209515? + 8.45917799243475?*I  4.021576422632911? - 2.634825932069838?*I]
[                                         0                         1.074172311059150?  -1.611258466588724? - 9.13046464400277?*I 1.611258466588724? + 0.5370861555295747?*I]
sage: Q.conjugate_transpose()*Q
[1 0]
[0 1]
sage: Q*R - A
[0 0 0 0]
[0 0 0 0]
[0 0 0 0]

Results of full decompositions are cached and thus returned immutable.

sage: # needs sage.rings.number_field
sage: A = random_matrix(QQbar, 2, 2)
sage: Q, R = A.QR()
sage: Q.is_mutable()
False
sage: R.is_mutable()
False

Trivial cases return trivial results of the correct size, and we check \(Q\) itself in one case.

sage: # needs sage.rings.number_field
sage: A = zero_matrix(QQbar, 0, 10)
sage: Q, R = A.QR()
sage: Q.nrows(), Q.ncols()
(0, 0)
sage: R.nrows(), R.ncols()
(0, 10)
sage: A = zero_matrix(QQbar, 3, 0)
sage: Q, R = A.QR()
sage: Q.nrows(), Q.ncols()
(3, 3)
sage: R.nrows(), R.ncols()
(3, 0)
sage: Q
[1 0 0]
[0 1 0]
[0 0 1]
T#

Returns the transpose of a matrix.

EXAMPLES:

sage: A = matrix(QQ, 5, range(25))
sage: A.T
[ 0  5 10 15 20]
[ 1  6 11 16 21]
[ 2  7 12 17 22]
[ 3  8 13 18 23]
[ 4  9 14 19 24]
adjoint(*args, **kwds)#

Deprecated: Use adjugate() instead. See github issue #10501 for details.

adjoint_classical()#

Return the adjugate matrix of self (that is, the transpose of the matrix of cofactors).

Let \(M\) be an \(n \times n\)-matrix. The adjugate matrix of \(M\) is the \(n \times n\)-matrix \(N\) whose \((i, j)\)-th entry is \((-1)^{i + j} \det(M_{j, i})\), where \(M_{j,i}\) is the matrix \(M\) with its \(j\)-th row and \(i\)-th column removed. It is known to satisfy \(NM = MN = \det(M)I\).

EXAMPLES:

sage: M = Matrix(ZZ,2,2,[5,2,3,4]); M
[5 2]
[3 4]
sage: N = M.adjugate(); N
[ 4 -2]
[-3  5]
sage: M * N
[14  0]
[ 0 14]
sage: N * M
[14  0]
[ 0 14]
sage: M = Matrix(QQ, 2, 2, [5/3,2/56, 33/13,41/10]); M
[  5/3  1/28]
[33/13 41/10]
sage: N = M.adjugate(); N                                                   # needs sage.libs.pari
[ 41/10  -1/28]
[-33/13    5/3]
sage: M * N                                                                 # needs sage.libs.pari
[7363/1092         0]
[        0 7363/1092]

An alias is adjoint_classical(), which replaces the deprecated adjoint() method:

sage: M.adjoint()                                                           # needs sage.libs.pari
...: DeprecationWarning: adjoint is deprecated. Please use adjugate instead.
See https://github.com/sagemath/sage/issues/10501 for details.
[ 41/10  -1/28]
[-33/13    5/3]
sage: M.adjoint_classical()                                                 # needs sage.libs.pari
[ 41/10  -1/28]
[-33/13    5/3]

ALGORITHM:

Use PARI whenever the method self._adjugate is included to do so in an inheriting class. Otherwise, use a generic division-free algorithm that computes the adjugate matrix from the characteristic polynomial.

The result is cached.

adjugate()#

Return the adjugate matrix of self (that is, the transpose of the matrix of cofactors).

Let \(M\) be an \(n \times n\)-matrix. The adjugate matrix of \(M\) is the \(n \times n\)-matrix \(N\) whose \((i, j)\)-th entry is \((-1)^{i + j} \det(M_{j, i})\), where \(M_{j,i}\) is the matrix \(M\) with its \(j\)-th row and \(i\)-th column removed. It is known to satisfy \(NM = MN = \det(M)I\).

EXAMPLES:

sage: M = Matrix(ZZ,2,2,[5,2,3,4]); M
[5 2]
[3 4]
sage: N = M.adjugate(); N
[ 4 -2]
[-3  5]
sage: M * N
[14  0]
[ 0 14]
sage: N * M
[14  0]
[ 0 14]
sage: M = Matrix(QQ, 2, 2, [5/3,2/56, 33/13,41/10]); M
[  5/3  1/28]
[33/13 41/10]
sage: N = M.adjugate(); N                                                   # needs sage.libs.pari
[ 41/10  -1/28]
[-33/13    5/3]
sage: M * N                                                                 # needs sage.libs.pari
[7363/1092         0]
[        0 7363/1092]

An alias is adjoint_classical(), which replaces the deprecated adjoint() method:

sage: M.adjoint()                                                           # needs sage.libs.pari
...: DeprecationWarning: adjoint is deprecated. Please use adjugate instead.
See https://github.com/sagemath/sage/issues/10501 for details.
[ 41/10  -1/28]
[-33/13    5/3]
sage: M.adjoint_classical()                                                 # needs sage.libs.pari
[ 41/10  -1/28]
[-33/13    5/3]

ALGORITHM:

Use PARI whenever the method self._adjugate is included to do so in an inheriting class. Otherwise, use a generic division-free algorithm that computes the adjugate matrix from the characteristic polynomial.

The result is cached.

apply_map(phi, R=None, sparse=None)#

Apply the given map phi (an arbitrary Python function or callable object) to this dense matrix. If R is not given, automatically determine the base ring of the resulting matrix.

INPUT:

  • sparse – True to make the output a sparse matrix; default False

  • phi - arbitrary Python function or callable object

  • R - (optional) ring

OUTPUT: a matrix over R

EXAMPLES:

sage: m = matrix(ZZ, 3, 3, range(9))
sage: k.<a> = GF(9)                                                         # needs sage.rings.finite_rings
sage: f = lambda x: k(x)
sage: n = m.apply_map(f); n                                                 # needs sage.rings.finite_rings
[0 1 2]
[0 1 2]
[0 1 2]
sage: n.parent()                                                            # needs sage.rings.finite_rings
Full MatrixSpace of 3 by 3 dense matrices
 over Finite Field in a of size 3^2

In this example, we explicitly specify the codomain.

sage: s = GF(3)
sage: f = lambda x: s(x)
sage: n = m.apply_map(f, k); n                                              # needs sage.rings.finite_rings
[0 1 2]
[0 1 2]
[0 1 2]
sage: n.parent()                                                            # needs sage.rings.finite_rings
Full MatrixSpace of 3 by 3 dense matrices
 over Finite Field in a of size 3^2

If self is subdivided, the result will be as well:

sage: m = matrix(2, 2, srange(4))
sage: m.subdivide(None, 1); m
[0|1]
[2|3]
sage: m.apply_map(lambda x: x*x)
[0|1]
[4|9]

If the matrix is sparse, the result will be as well:

sage: m = matrix(ZZ,100,100,sparse=True)
sage: m[18,32] = -6
sage: m[1,83] = 19
sage: n = m.apply_map(abs, R=ZZ)
sage: n.dict()
{(1, 83): 19, (18, 32): 6}
sage: n.is_sparse()
True

If the map sends most of the matrix to zero, then it may be useful to get the result as a sparse matrix.

sage: m = matrix(ZZ, 3, 3, range(1, 10))
sage: n = m.apply_map(lambda x: 1//x, sparse=True); n
[1 0 0]
[0 0 0]
[0 0 0]
sage: n.parent()
Full MatrixSpace of 3 by 3 sparse matrices over Integer Ring
apply_morphism(phi)#

Apply the morphism phi to the coefficients of this dense matrix.

The resulting matrix is over the codomain of phi.

INPUT:

  • phi - a morphism, so phi is callable and phi.domain() and phi.codomain() are defined. The codomain must be a ring.

OUTPUT: a matrix over the codomain of phi

EXAMPLES:

sage: m = matrix(ZZ, 3, 3, range(9))
sage: phi = ZZ.hom(GF(5))
sage: m.apply_morphism(phi)
[0 1 2]
[3 4 0]
[1 2 3]
sage: parent(m.apply_morphism(phi))
Full MatrixSpace of 3 by 3 dense matrices
 over Finite Field of size 5

We apply a morphism to a matrix over a polynomial ring:

sage: R.<x,y> = QQ[]
sage: m = matrix(2, [x,x^2 + y, 2/3*y^2-x, x]); m
[          x     x^2 + y]
[2/3*y^2 - x           x]
sage: phi = R.hom([y,x])
sage: m.apply_morphism(phi)
[          y     y^2 + x]
[2/3*x^2 - y           y]
as_bipartite_graph()#

Construct a bipartite graph B representing the matrix uniquely.

Vertices are labeled 1 to nrows on the left and nrows + 1 to nrows + ncols on the right, representing rows and columns correspondingly. Each row is connected to each column with an edge weighted by the value of the corresponding matrix entry.

This graph is a helper for calculating automorphisms of a matrix under row and column permutations. See automorphisms_of_rows_and_columns().

OUTPUT:

  • A bipartite graph.

EXAMPLES:

sage: M = matrix(QQ, [[1/3, 7], [6, 1/4], [8, -5]])
sage: M
[1/3   7]
[  6 1/4]
[  8  -5]

sage: # needs sage.graphs
sage: B = M.as_bipartite_graph(); B
Bipartite graph on 5 vertices
sage: B.edges(sort=True)
[(1, 4, 1/3), (1, 5, 7), (2, 4, 6), (2, 5, 1/4), (3, 4, 8), (3, 5, -5)]
sage: len(B.left) == M.nrows()
True
sage: len(B.right) == M.ncols()
True
as_sum_of_permutations()#

Returns the current matrix as a sum of permutation matrices

According to the Birkhoff-von Neumann Theorem, any bistochastic matrix can be written as a positive sum of permutation matrices, which also means that the polytope of bistochastic matrices is integer.

As a non-bistochastic matrix can obviously not be written as a sum of permutations, this theorem is an equivalence.

This function, given a bistochastic matrix, returns the corresponding decomposition.

See also

EXAMPLES:

We create a bistochastic matrix from a convex sum of permutations, then try to deduce the decomposition from the matrix

sage: L = []
sage: L.append((9, Permutation([4, 1, 3, 5, 2])))
sage: L.append((6, Permutation([5, 3, 4, 1, 2])))
sage: L.append((3, Permutation([3, 1, 4, 2, 5])))
sage: L.append((2, Permutation([1, 4, 2, 3, 5])))
sage: M = sum([c * p.to_matrix() for c, p in L])
sage: from sage.combinat.permutation import bistochastic_as_sum_of_permutations
sage: decomp = bistochastic_as_sum_of_permutations(M)                       # needs sage.combinat sage.graphs
sage: print(decomp)                                                         # needs sage.combinat sage.graphs
2*B[[1, 4, 2, 3, 5]] + 3*B[[3, 1, 4, 2, 5]] + 9*B[[4, 1, 3, 5, 2]] + 6*B[[5, 3, 4, 1, 2]]

An exception is raised when the matrix is not bistochastic:

sage: M = Matrix([[2,3],[2,2]])
sage: decomp = bistochastic_as_sum_of_permutations(M)                       # needs sage.graphs
Traceback (most recent call last):
...
ValueError: The matrix is not bistochastic
automorphisms_of_rows_and_columns()#

Return the automorphisms of self under permutations of rows and columns as a list of pairs of PermutationGroupElement objects.

EXAMPLES:

sage: # needs sage.graphs sage.groups
sage: M = matrix(ZZ,[[1,0],[1,0],[0,1]]); M
[1 0]
[1 0]
[0 1]
sage: A = M.automorphisms_of_rows_and_columns(); A
[((), ()), ((1,2), ())]
sage: M = matrix(ZZ, [[1,1,1,1],[1,1,1,1]])
sage: A = M.automorphisms_of_rows_and_columns()
sage: len(A)
48

One can now apply these automorphisms to M to show that it leaves it invariant:

sage: all(M.with_permuted_rows_and_columns(*i) == M for i in A)             # needs sage.graphs sage.groups
True

Check that github issue #25426 is fixed:

sage: j = matrix([(3, 2, 1, 0, 0),
....:             (2, 2, 0, 1, 0),
....:             (1, 0, 3, 0, 2),
....:             (0, 1, 0, 2, 1),
....:             (0, 0, 2, 1, 2)])
sage: j.automorphisms_of_rows_and_columns()                                 # needs sage.graphs sage.groups
[((), ()), ((1,3)(2,5), (1,3)(2,5))]
block_ldlt(classical=False)#

Compute a block-\(LDL^{T}\) factorization of a Hermitian matrix.

The standard \(LDL^{T}\) factorization of a positive-definite matrix \(A\) factors it as \(A = LDL^{T}\) where \(L\) is unit-lower-triangular and \(D\) is diagonal. If one allows row/column swaps via a permutation matrix \(P\), then this factorization can be extended to many positive-semidefinite matrices \(A\) via the factorization \(P^{T}AP = LDL^{T}\) that places the zeros at the bottom of \(D\) to avoid division by zero. These factorizations extend easily to complex Hermitian matrices when one replaces the transpose by the conjugate-transpose.

However, we can go one step further. If, in addition, we allow \(D\) to potentially contain \(2 \times 2\) blocks on its diagonal, then every real or complex Hermitian matrix \(A\) can be factored as \(A = PLDL^{*}P^{T}\). When the row/column swaps are made intelligently, this process is numerically stable over inexact rings like RDF. Bunch and Kaufman describe such a “pivot” scheme that is suitable for the solution of Hermitian systems, and that is how we choose our row and column swaps.

INPUT:

  • classical – (default: False) whether or not to attempt a classical non-block \(LDL^{T}\) factorization with no row/column swaps.

Warning

Not all matrices have a classical \(LDL^{T}\) factorization. Set classical=True at your own risk, preferably after verifying that your matrix is positive-definite and (over inexact rings) not ill-conditioned.

OUTPUT:

If the input matrix is not Hermitian, the output from this function is undefined. Otherwise, we return a triple \((P,L,D)\) such that \(A = PLDL^{*}P^{T}\) and

  • \(P\) is a permutation matrix,

  • \(L\) is unit lower-triangular,

  • \(D\) is a block-diagonal matrix whose blocks are of size one or two.

With classical=True, the permutation matrix \(P\) is always an identity matrix and the diagonal blocks are always one-by-one. A ValueError is raised if the matrix has no classical \(LDL^{T}\) factorization.

ALGORITHM:

We essentially follow “Algorithm A” in the paper by Bunch and Kaufman [BK1977] that describes the stable pivoting strategy. The same scheme is described by Higham [Hig2002].

REFERENCES:

EXAMPLES:

This three-by-three real symmetric matrix has one positive, one negative, and one zero eigenvalue – so it is not any flavor of (semi)definite, yet we can still factor it:

sage: A =  matrix(QQ, [[0, 1, 0],
....:                  [1, 1, 2],
....:                  [0, 2, 0]])
sage: P,L,D = A.block_ldlt()
sage: P
[0 0 1]
[1 0 0]
[0 1 0]
sage: L
[  1   0   0]
[  2   1   0]
[  1 1/2   1]
sage: D
[ 1| 0| 0]
[--+--+--]
[ 0|-4| 0]
[--+--+--]
[ 0| 0| 0]
sage: P.transpose()*A*P == L*D*L.transpose()
True

This two-by-two matrix has no classical factorization, but it constitutes its own block-factorization:

sage: A = matrix(QQ, [ [0,1],
....:                  [1,0] ])
sage: A.block_ldlt(classical=True)
Traceback (most recent call last):
...
ValueError: matrix has no classical LDL^T factorization
sage: A.block_ldlt()
(
[1 0]  [1 0]  [0 1]
[0 1], [0 1], [1 0]
)

The same is true of the following complex Hermitian matrix:

sage: # needs sage.rings.number_field
sage: A = matrix(QQbar, [ [ 0,I],
....:                     [-I,0] ])
sage: A.block_ldlt(classical=True)
Traceback (most recent call last):
...
ValueError: matrix has no classical LDL^T factorization
sage: A.block_ldlt()
(
[1 0]  [1 0]  [ 0  I]
[0 1], [0 1], [-I  0]
)

Complete diagonal pivoting could cause problems for the following matrix, since the diagonal entries are small compared to the off-diagonals that must be zeroed; however, the block algorithm refuses to factor it:

sage: A = matrix(RDF, 2, 2, [ [1e-10, 1    ],
....:                         [1    , 2e-10] ])
sage: _,L,D = A.block_ldlt(classical=True)
sage: L*D*L.T
[1e-10   1.0]
[  1.0   0.0]
sage: A.block_ldlt()                                                        # needs scipy
(
[1.0 0.0]  [1.0 0.0]  [1e-10   1.0]
[0.0 1.0], [0.0 1.0], [  1.0 2e-10]
)

The factorization over an inexact ring is necessarily inexact, but \(P^{T}AP\) will ideally be close to \(LDL^{*}\) in the metric induced by the norm:

sage: # needs scipy sage.rings.complex_double sage.symbolic
sage: A = matrix(CDF, 2, 2, [ [-1.1933, -0.3185 - 1.3553*I],
....:                         [-0.3185 + 1.3553*I, 1.5729 ] ])
sage: P,L,D = A.block_ldlt()
sage: P.T*A*P == L*D*L.H
False
sage: (P.T*A*P - L*D*L.H).norm() < 1e-10
True

This matrix has a singular three-by-three leading principal submatrix, and therefore has no classical factorization:

sage: A = matrix(QQ, [[21, 15, 12, -2],
....:                 [15, 12,  9,  6],
....:                 [12,  9,  7,  3],
....:                 [-2,  6,  3,  8]])
sage: A[0:3,0:3].det() == 0
True
sage: A.block_ldlt(classical=True)
Traceback (most recent call last):
...
ValueError: matrix has no classical LDL^T factorization
sage: A.block_ldlt()
(
[1 0 0 0]  [     1      0      0      0]
[0 0 1 0]  [ -2/21      1      0      0]
[0 0 0 1]  [   5/7  39/41      1      0]
[0 1 0 0], [   4/7 87/164  48/79      1],

[     21|      0|      0|      0]
[-------+-------+-------+-------]
[      0| 164/21|      0|      0]
[-------+-------+-------+-------]
[      0|      0|-237/41|      0]
[-------+-------+-------+-------]
[      0|      0|      0| 25/316]
)

An indefinite symmetric matrix that happens to have a classical factorization:

sage: A = matrix(QQ, [[ 3,  -6,   9,   6,  -9],
....:                 [-6,  11, -16, -11,  17],
....:                 [ 9, -16,  28,  16, -40],
....:                 [ 6, -11,  16,   9, -19],
....:                 [-9,  17, -40, -19,  68]])
sage: A.block_ldlt(classical=True)[1:]
(
                  [ 3| 0| 0| 0| 0]
                  [--+--+--+--+--]
                  [ 0|-1| 0| 0| 0]
                  [--+--+--+--+--]
[ 1  0  0  0  0]  [ 0| 0| 5| 0| 0]
[-2  1  0  0  0]  [--+--+--+--+--]
[ 3 -2  1  0  0]  [ 0| 0| 0|-2| 0]
[ 2 -1  0  1  0]  [--+--+--+--+--]
[-3  1 -3  1  1], [ 0| 0| 0| 0|-1]
)

An indefinite Hermitian matrix that happens to have a classical factorization:

sage: F.<I> = QuadraticField(-1)                                            # needs sage.rings.number_field
sage: A = matrix(F, [[      2, 4 - 2*I, 2 + 2*I],                           # needs sage.rings.number_field
....:                [4 + 2*I,       8,    10*I],
....:                [2 - 2*I,   -10*I,      -3]])
sage: A.block_ldlt(classical=True)[1:]                                      # needs sage.rings.number_field
(
                           [ 2| 0| 0]
                           [--+--+--]
[      1       0       0]  [ 0|-2| 0]
[  I + 2       1       0]  [--+--+--]
[ -I + 1 2*I + 1       1], [ 0| 0| 3]
)
characteristic_polynomial(*args, **kwds)#

Synonym for self.charpoly(…).

EXAMPLES:

sage: a = matrix(QQ, 2,2, [1,2,3,4]); a
[1 2]
[3 4]
sage: a.characteristic_polynomial('T')                                      # needs sage.libs.pari
T^2 - 5*T - 2
charpoly(var='x', algorithm=None)#

Returns the characteristic polynomial of self, as a polynomial over the base ring.

ALGORITHM:

If the base ring has a method \(_matrix_charpoly\), we use it.

In the generic case of matrices over a ring (commutative and with unity), there is a division-free algorithm, which can be accessed using "df", with complexity \(O(n^4)\). Alternatively, by specifying "hessenberg", this method computes the Hessenberg form of the matrix and then reads off the characteristic polynomial. Moreover, for matrices over number fields, this method can use PARI’s charpoly implementation instead.

The method’s logic is as follows: If no algorithm is specified, first check if the base ring is a number field (and then use PARI), otherwise check if the base ring is the ring of integers modulo n (in which case compute the characteristic polynomial of a lift of the matrix to the integers, and then coerce back to the base), next check if the base ring is an exact field (and then use the Hessenberg form), or otherwise, use the generic division-free algorithm. If an algorithm is specified explicitly, if algorithm == "hessenberg", use the Hessenberg form, or otherwise use the generic division-free algorithm.

The result is cached.

INPUT:

  • var - a variable name (default: ‘x’)

  • algorithm - string:
    • "df" - Generic \(O(n^4)\) division-free algorithm

    • "hessenberg" - Use the Hessenberg form of the matrix

EXAMPLES:

First a matrix over \(\ZZ\):

sage: A = MatrixSpace(ZZ,2)( [1,2,  3,4] )
sage: f = A.charpoly('x')
sage: f
x^2 - 5*x - 2
sage: f.parent()
Univariate Polynomial Ring in x over Integer Ring
sage: f(A)
[0 0]
[0 0]

An example over \(\QQ\):

sage: A = MatrixSpace(QQ, 3)(range(9))
sage: A.charpoly('x')                                                       # needs sage.libs.pari
x^3 - 12*x^2 - 18*x
sage: A.trace()
12
sage: A.determinant()
0

We compute the characteristic polynomial of a matrix over the polynomial ring \(\ZZ[a]\):

sage: R.<a> = PolynomialRing(ZZ)
sage: M = MatrixSpace(R, 2)([a,1,  a,a+1]); M
[    a     1]
[    a a + 1]
sage: f = M.charpoly('x'); f
x^2 + (-2*a - 1)*x + a^2
sage: f.parent()
Univariate Polynomial Ring in x over Univariate Polynomial Ring in a over Integer Ring
sage: M.trace()
2*a + 1
sage: M.determinant()
a^2

We compute the characteristic polynomial of a matrix over the multi-variate polynomial ring \(\ZZ[x,y]\):

sage: R.<x,y> = PolynomialRing(ZZ,2)
sage: A = MatrixSpace(R,2)([x, y, x^2, y^2])
sage: f = A.charpoly('x'); f
x^2 + (-y^2 - x)*x - x^2*y + x*y^2

It’s a little difficult to distinguish the variables. To fix this, we temporarily view the indeterminate as \(Z\):

sage: with localvars(f.parent(), 'Z'): print(f)
Z^2 + (-y^2 - x)*Z - x^2*y + x*y^2

We could also compute f in terms of Z from the start:

sage: A.charpoly('Z')
Z^2 + (-y^2 - x)*Z - x^2*y + x*y^2

Here is an example over a number field:

sage: # needs sage.rings.number_field
sage: x = QQ['x'].gen()
sage: K.<a> = NumberField(x^2 - 2)
sage: m = matrix(K, [[a-1, 2], [a, a+1]])
sage: m.charpoly('Z')
Z^2 - 2*a*Z - 2*a + 1
sage: m.charpoly('a')(m) == 0
True

Over integers modulo \(n\) with composite \(n\):

sage: A = Mat(Integers(6),3,3)(range(9))
sage: A.charpoly()
x^3

Here is an example over a general commutative ring, that is to say, as of version 4.0.2, Sage does not even positively determine that S in the following example is an integral domain. But the computation of the characteristic polynomial succeeds as follows:

sage: # needs sage.libs.singular
sage: R.<a,b> = QQ[]
sage: S.<x,y> = R.quo((b^3))
sage: A = matrix(S, [[x*y^2, 2*x], [2, x^10*y]]); A
[ x*y^2    2*x]
[     2 x^10*y]
sage: A.charpoly('T')
T^2 + (-x^10*y - x*y^2)*T - 4*x
cholesky()#

Returns the Cholesky decomposition of a Hermitian matrix.

INPUT:

A positive-definite matrix. Generally, the base ring for the entries of the matrix needs to be a subfield of the algebraic numbers (QQbar). Examples include the rational numbers (QQ), some number fields, and real algebraic numbers and the algebraic numbers themselves. Symbolic matrices can also occasionally be factored.

OUTPUT:

For a matrix \(A\) the routine returns a lower triangular matrix \(L\) such that,

\[A = LL^\ast\]

where \(L^\ast\) is the conjugate-transpose. If the matrix is not positive-definite (for example, if it is not Hermitian) then a ValueError results.

If possible, the output matrix will be over the fraction field of the base ring of the input matrix. If that fraction field is missing the requisite square roots but if no imaginaries are encountered, then the algebraic-reals will be used. Otherwise, the algebraic closure of the fraction field (typically QQbar) will be used.

ALGORITHM:

First we ensure that the matrix \(A\) is_hermitian(). Afterwards, we attempt to compute a classical block_ldlt() factorization, \(A = LDL^{*}\), of the matrix. If that fails, then the matrix was not positive-definite and an error is raised. Otherwise we take the entrywise square-root \(\sqrt{D}\) of the diagonal matrix \(D\) (whose entries are the positive eigenvalues of the original matrix) to obtain the Cholesky factorization \(A = \left(L\sqrt{D}\right)\left(L\sqrt{D}\right)^{*}\). If the necessary square roots cannot be taken in the fraction field of original base ring, then we move to either its algebraic closure or the algebraic reals, depending on whether or not imaginary numbers are required.

EXAMPLES:

This simple example has a result with entries that remain in the field of rational numbers:

sage: A = matrix(QQ, [[ 4, -2,  4,  2],
....:                 [-2, 10, -2, -7],
....:                 [ 4, -2,  8,  4],
....:                 [ 2, -7,  4,  7]])
sage: A.is_symmetric()
True
sage: L = A.cholesky(); L
[ 2  0  0  0]
[-1  3  0  0]
[ 2  0  2  0]
[ 1 -2  1  1]
sage: L.parent()
Full MatrixSpace of 4 by 4 dense matrices over Rational Field
sage: L*L.transpose() == A
True

This seemingly simple example requires first moving to the rational numbers for field operations, and then square roots necessitate that the result has entries in the field of algebraic numbers:

sage: A = matrix(ZZ, [[ 78, -30, -37,  -2],
....:                 [-30, 102, 179, -18],
....:                 [-37, 179, 326, -38],
....:                 [ -2, -18, -38,  15]])
sage: A.is_symmetric()
True
sage: L = A.cholesky(); L                                                   # needs sage.rings.number_field
[   8.83176086632785?                    0                    0                    0]
[ -3.396831102433787?    9.51112708681461?                    0                    0]
[ -4.189425026335004?   17.32383862241232?   2.886751345948129?                    0]
[-0.2264554068289192?  -1.973397116652010?  -1.649572197684645?   2.886751345948129?]
sage: L.parent()                                                            # needs sage.rings.number_field
Full MatrixSpace of 4 by 4 dense matrices over Algebraic Real Field
sage: L*L.transpose() == A                                                  # needs sage.rings.number_field
True

Some subfields of the complex numbers, such as this number field of complex numbers with rational real and imaginary parts, allow for this computation:

sage: # needs sage.rings.number_field
sage: C.<I> = QuadraticField(-1)
sage: A = matrix(C, [[        23,  17*I + 3,  24*I + 25,     21*I],
....:                [ -17*I + 3,        38, -69*I + 89, 7*I + 15],
....:                [-24*I + 25, 69*I + 89,        976, 24*I + 6],
....:                [     -21*I, -7*I + 15,  -24*I + 6,       28]])
sage: A.is_hermitian()
True
sage: L = A.cholesky(); L
[                4.79...?                         0                       0        0]
[   0.62...? - 3.54...?*I                  5.00...?                       0        0]
[   5.21...? - 5.00...?*I   13.58...? + 10.72...?*I               24.98...?        0]
[             -4.37...?*I   -0.10...? -  0.85...?*I  -0.21...? + 0.37...?*I 2.81...?]
sage: L.parent()
Full MatrixSpace of 4 by 4 dense matrices over Algebraic Field
sage: (L*L.conjugate_transpose() - A.change_ring(QQbar)).norm() < 10^-10
True

The field of algebraic numbers is an ideal setting for this computation:

sage: # needs sage.rings.number_field
sage: A = matrix(QQbar, [[        2,   4 + 2*I,   6 - 4*I],
....:                    [ -2*I + 4,        11, 10 - 12*I],
....:                    [  4*I + 6, 10 + 12*I,        37]])
sage: A.is_hermitian()
True
sage: L = A.cholesky()
sage: L
[                       1.414213562373095?          0                    0]
[2.828427124746190? - 1.414213562373095?*I          1                    0]
[4.242640687119285? + 2.828427124746190?*I   -2*I + 2   1.732050807568878?]
sage: L.parent()
Full MatrixSpace of 3 by 3 dense matrices over Algebraic Field
sage: L*L.conjugate_transpose() == A
True

Results are cached, hence immutable. Use the copy function if you need to make a change:

sage: A = matrix(QQ, [[ 4, -2,  4,  2],
....:                 [-2, 10, -2, -7],
....:                 [ 4, -2,  8,  4],
....:                 [ 2, -7,  4,  7]])
sage: L = A.cholesky()
sage: L.is_immutable()
True
sage: from copy import copy
sage: LC = copy(L)
sage: LC[0,0] = 1000
sage: LC
[1000    0    0    0]
[  -1    3    0    0]
[   2    0    2    0]
[   1   -2    1    1]

The base ring need not be exact, although you should expect the result to be inexact (correct only in the norm) as well in that case:

sage: F = RealField(100)
sage: A = A = matrix(F, [[1.0, 2.0], [2.0, 6.0]])
sage: L = A.cholesky(); L
[ 1.000... 0.000...]
[ 2.000... 1.414...]
sage: (L*L.transpose() - A).norm() < 1e-10                                  # needs scipy
True

Even symbolic matrices can sometimes be factored:

sage: A = matrix(SR, [[pi,0], [0,pi]])                                      # needs sage.symbolic
sage: A.cholesky()                                                          # needs sage.symbolic
[sqrt(pi)        0]
[       0 sqrt(pi)]

There are a variety of situations which will prevent the computation of a Cholesky decomposition.

The base ring may not be able to be viewed as a subset of the complex numbers, implying that “Hermitian” is meaningless:

sage: A = matrix(Integers(6), [[2, 0], [0, 4]])
sage: A.cholesky()
Traceback (most recent call last):
...
AttributeError: 'sage.rings.finite_rings.integer_mod.IntegerMod_int'
object has no attribute 'conjugate'

The matrix may not be Hermitian:

sage: F.<a> = FiniteField(5^4)                                              # needs sage.rings.finite_rings
sage: A = matrix(F, [[2+a^3, 3], [3, 3]])                                   # needs sage.rings.finite_rings
sage: A.cholesky()                                                          # needs sage.rings.finite_rings
Traceback (most recent call last):
...
ValueError: matrix is not Hermitian

The matrix may not be positive-definite:

sage: # needs sage.rings.number_field
sage: C.<I> = QuadraticField(-1)
sage: B = matrix(C, [[      2, 4 - 2*I, 2 + 2*I],
....:                [4 + 2*I,       8,    10*I],
....:                [2 - 2*I,   -10*I,      -3]])
sage: B.is_positive_definite()
False
sage: B.cholesky()
Traceback (most recent call last):
...
ValueError: matrix is not positive definite
sage: A = matrix(QQ, [[21, 15, 12, -3],
....:                 [15, 12,  9,  12],
....:                 [12,  9,  7,  3],
....:                 [-3,  12,  3,  8]])
sage: A.is_positive_definite()
False
sage: A.cholesky()
Traceback (most recent call last):
...
ValueError: matrix is not positive definite
column_module()#

Return the free module over the base ring spanned by the columns of this matrix.

EXAMPLES:

sage: t = matrix(QQ, 3, 3, range(9)); t
[0 1 2]
[3 4 5]
[6 7 8]
sage: t.column_module()
Vector space of degree 3 and dimension 2 over Rational Field
Basis matrix:
[ 1  0 -1]
[ 0  1  2]
column_space()#

Return the vector space over the base ring spanned by the columns of this matrix.

EXAMPLES:

sage: M = MatrixSpace(QQ,3,3)
sage: A = M([1,9,-7,4/5,4,3,6,4,3])
sage: A.column_space()
Vector space of degree 3 and dimension 3 over Rational Field
Basis matrix:
[1 0 0]
[0 1 0]
[0 0 1]

sage: # needs sage.rings.real_mpfr sage.symbolic
sage: W = MatrixSpace(CC, 2, 2)
sage: B = W([1, 2 + 3*I, 4 + 5*I, 9]); B
[                     1.00000000000000 2.00000000000000 + 3.00000000000000*I]
[4.00000000000000 + 5.00000000000000*I                      9.00000000000000]
sage: B.column_space()
Vector space of degree 2 and dimension 2 over Complex Field with 53 bits of precision
Basis matrix:
[ 1.00000000000000 0.000000000000000]
[0.000000000000000  1.00000000000000]
conjugate()#

Return the conjugate of self, i.e. the matrix whose entries are the conjugates of the entries of self.

EXAMPLES:

sage: # needs sage.rings.complex_double sage.symbolic
sage: A = matrix(CDF, [[1+I,1],[0,2*I]])
sage: A.conjugate()
[1.0 - 1.0*I         1.0]
[        0.0      -2.0*I]

A matrix over a not-totally-real number field:

sage: x = polygen(ZZ, 'x')
sage: K.<j> = NumberField(x^2 + 5)                                          # needs sage.rings.number_field
sage: M = matrix(K, [[1+j,1], [0,2*j]])                                     # needs sage.rings.number_field
sage: M.conjugate()                                                         # needs sage.rings.number_field
[-j + 1      1]
[     0   -2*j]

There is a shortcut for the conjugate:

sage: M.C                                                                   # needs sage.rings.number_field
[-j + 1      1]
[     0   -2*j]

There is also a shortcut for the conjugate transpose, or “Hermitian transpose”:

sage: M.H                                                                   # needs sage.rings.number_field
[-j + 1      0]
[     1   -2*j]

Conjugates work (trivially) for matrices over rings that embed canonically into the real numbers:

sage: M = random_matrix(ZZ, 2)
sage: M == M.conjugate()
True
sage: M = random_matrix(QQ, 3)
sage: M == M.conjugate()
True
sage: M = random_matrix(RR, 2)
sage: M == M.conjugate()
True
conjugate_transpose()#

Return the transpose of self after each entry has been converted to its complex conjugate.

Note

This function is sometimes known as the “adjoint” of a matrix, though there is substantial variation and some confusion with the use of that term.

OUTPUT:

A matrix formed by taking the complex conjugate of every entry of self and then transposing the resulting matrix.

Complex conjugation is implemented for many subfields of the complex numbers. See the examples below, or more at conjugate().

EXAMPLES:

sage: M = matrix(SR, 2, 2, [[2-I, 3+4*I], [9-6*I, 5*I]])                    # needs sage.symbolic
sage: M.base_ring()                                                         # needs sage.symbolic
Symbolic Ring
sage: M.conjugate_transpose()                                               # needs sage.symbolic
[   I + 2  6*I + 9]
[-4*I + 3     -5*I]

sage: # needs sage.rings.real_mpfr sage.symbolic
sage: P = matrix(CC, 3, 2, [0.95-0.63*I, 0.84+0.13*I,
....:                       0.94+0.23*I, 0.23+0.59*I,
....:                       0.52-0.41*I, -0.50+0.90*I])
sage: P.base_ring()
Complex Field with 53 bits of precision
sage: P.conjugate_transpose()
[ 0.950... + 0.630...*I  0.940... - 0.230...*I  0.520... + 0.410...*I]
[ 0.840... - 0.130...*I  0.230... - 0.590...*I -0.500... - 0.900...*I]

There is also a shortcut for the conjugate transpose, or “Hermitian transpose”:

sage: M.H                                                                   # needs sage.symbolic
[   I + 2  6*I + 9]
[-4*I + 3     -5*I]

Matrices over base rings that can be embedded in the real numbers will behave as expected.

sage: P = random_matrix(QQ, 3, 4)
sage: P.conjugate_transpose() == P.transpose()
True

The conjugate of a matrix is formed by taking conjugates of all the entries. Some specialized subfields of the complex numbers are implemented in Sage and complex conjugation can be applied. (Matrices over quadratic number fields are another class of examples.)

sage: # needs sage.rings.number_field
sage: C = CyclotomicField(5)
sage: a = C.gen(); a
zeta5
sage: CC(a)
0.309016994374947 + 0.951056516295154*I
sage: M = matrix(C, 1, 2, [a^2, a+a^3])
sage: M.conjugate_transpose()
[             zeta5^3]
[-zeta5^3 - zeta5 - 1]

Furthermore, this method can be applied to matrices over quadratic extensions of finite fields:

sage: F.<a> = GF(9,'a')                                                     # needs sage.rings.finite_rings
sage: N = matrix(F, 2, [0,a,-a,1]); N                                       # needs sage.rings.finite_rings
[  0   a]
[2*a   1]
sage: N.conjugate_transpose()                                               # needs sage.rings.finite_rings
[      0   a + 2]
[2*a + 1       1]

Conjugation does not make sense over rings not containing complex numbers or finite fields which are not a quadratic extension:

sage: N = matrix(GF(5), 2, [0,1,2,3])
sage: N.conjugate_transpose()
Traceback (most recent call last):
...
AttributeError: 'sage.rings.finite_rings.integer_mod.IntegerMod_int' object
has no attribute 'conjugate'...
cyclic_subspace(v, var=None, basis='echelon')#

Create a cyclic subspace for a vector, and optionally, a minimal polynomial for the iterated powers.

These subspaces are also known as Krylov subspaces. They are spanned by the vectors

\[\{v, Av, A^2v, A^3v, \dots \}\]

INPUT:

  • self - a square matrix with entries from a field.

  • v - a vector with a degree equal to the size of the matrix and entries compatible with the entries of the matrix.

  • var - default: None - if specified as a string or a generator of a polynomial ring, then this will be used to construct a polynomial reflecting a relation of linear dependence on the powers \(A^iv\) and this will cause the polynomial to be returned along with the subspace. A generator must create polynomials with coefficients from the same field as the matrix entries.

  • basis - default: echelon - the basis for the subspace is “echelonized” by default, but the keyword ‘iterates’ will return a subspace with a user basis equal to the largest linearly independent set \(\{v, Av, A^2v, A^3v, \dots, A^{k-1}v \}\).

OUTPUT:

Suppose \(k\) is the smallest power such that \(\{v, Av, A^2v, A^3v, \dots, A^{k}v \}\) is linearly dependent. Then the subspace returned will have dimension \(k\) and be spanned by the powers \(0\) through \(k-1\).

If a polynomial is requested through the use of the var keyword, then a pair is returned, with the polynomial first and the subspace second. The polynomial is the unique monic polynomial whose coefficients provide a relation of linear dependence on the first \(k\) powers.

For less convenient, but more flexible output, see the helper method “_cyclic_subspace” in this module.

EXAMPLES:

sage: A = matrix(QQ, [[5,4,2,1],[0,1,-1,-1],[-1,-1,3,0],[1,1,-1,2]])
sage: v = vector(QQ, [0,1,0,0])
sage: E = A.cyclic_subspace(v); E
Vector space of degree 4 and dimension 3 over Rational Field
Basis matrix:
[ 1  0  0  0]
[ 0  1  0  0]
[ 0  0  1 -1]
sage: F = A.cyclic_subspace(v, basis='iterates'); F
Vector space of degree 4 and dimension 3 over Rational Field
User basis matrix:
[ 0  1  0  0]
[ 4  1 -1  1]
[23  1 -8  8]
sage: E == F
True
sage: p, S = A.cyclic_subspace(v, var='T'); p
T^3 - 9*T^2 + 24*T - 16
sage: p.degree() == E.dimension()
True

The polynomial has coefficients that yield a non-trivial relation of linear dependence on the iterates. Or, equivalently, evaluating the polynomial with the matrix will create a matrix that annihilates the vector.

sage: A = matrix(QQ, [[15, 37/3, -16, -104/3, -29, -7/3, 35, 2/3, -29/3, -1/3],
....:                 [ 2, 9, -1, -6, -6, 0, 7, 0, -2, 0],
....:                 [24, 74/3, -29, -208/3, -58, -14/3, 70, 4/3, -58/3, -2/3],
....:                 [-6, -19, 3, 21, 19, 0, -21, 0, 6, 0],
....:                 [2, 6, -1, -6, -3, 0, 7, 0, -2, 0],
....:                 [-96, -296/3, 128, 832/3, 232, 65/3, -279, -16/3, 232/3, 8/3],
....:                 [0, 0, 0, 0, 0, 0, 3, 0, 0, 0],
....:                 [20, 26/3, -30, -199/3, -42, -14/3, 70, 13/3, -55/3, -2/3],
....:                 [18, 57, -9, -54, -57, 0, 63, 0, -15, 0],
....:                 [0, 0, 0, 0, 0, 0, 0, 0, 0, 3]])
sage: u = zero_vector(QQ, 10); u[0] = 1
sage: p, S = A.cyclic_subspace(u, var='t', basis='iterates')
sage: S
Vector space of degree 10 and dimension 3 over Rational Field
User basis matrix:
[   1    0    0    0    0    0    0    0    0    0]
[  15    2   24   -6    2  -96    0   20   18    0]
[  79   12  140  -36   12 -560    0  116  108    0]
sage: p
t^3 - 9*t^2 + 27*t - 27
sage: k = p.degree()
sage: coeffs = p.list()
sage: iterates = S.basis() + [A^k*u]
sage: sum(coeffs[i]*iterates[i] for i in range(k+1))
(0, 0, 0, 0, 0, 0, 0, 0, 0, 0)
sage: u in p(A).right_kernel()
True
decomposition(algorithm='spin', is_diagonalizable=False, dual=False)#

Returns the decomposition of the free module on which this matrix A acts from the right (i.e., the action is x goes to x A), along with whether this matrix acts irreducibly on each factor. The factors are guaranteed to be sorted in the same way as the corresponding factors of the characteristic polynomial.

Let A be the matrix acting from the on the vector space V of column vectors. Assume that A is square. This function computes maximal subspaces W_1, …, W_n corresponding to Galois conjugacy classes of eigenvalues of A. More precisely, let \(f(X)\) be the characteristic polynomial of A. This function computes the subspace \(W_i = ker(g_(A)^n)\), where \(g_i(X)\) is an irreducible factor of \(f(X)\) and \(g_i(X)\) exactly divides \(f(X)\). If the optional parameter is_diagonalizable is True, then we let \(W_i = ker(g(A))\), since then we know that \(ker(g(A)) = ker(g(A)^n)\).

INPUT:

  • self - a matrix

  • algorithm - ‘spin’ (default): algorithm involves iterating the action of self on a vector. ‘kernel’: naively just compute \(ker(f_i(A))\) for each factor \(f_i\).

  • dual - bool (default: False): If True, also returns the corresponding decomposition of V under the action of the transpose of A. The factors are guaranteed to correspond.

  • is_diagonalizable - if the matrix is known to be diagonalizable, set this to True, which might speed up the algorithm in some cases.

Note

If the base ring is not a field, the kernel algorithm is used.

OUTPUT:

  • Sequence - list of pairs (V,t), where V is a vector spaces and t is a bool, and t is True exactly when the charpoly of self on V is irreducible.

  • (optional) list - list of pairs (W,t), where W is a vector space and t is a bool, and t is True exactly when the charpoly of the transpose of self on W is irreducible.

EXAMPLES:

sage: A = matrix(ZZ, 4, [3,4,5,6,7,3,8,10,14,5,6,7,2,2,10,9])
sage: B = matrix(QQ, 6, 6, range(36))
sage: B*11
[  0  11  22  33  44  55]
[ 66  77  88  99 110 121]
[132 143 154 165 176 187]
[198 209 220 231 242 253]
[264 275 286 297 308 319]
[330 341 352 363 374 385]
sage: A.decomposition()                                                     # needs sage.libs.pari
[ (Ambient free module of rank 4
    over the principal ideal domain Integer Ring,
   True) ]
sage: B.decomposition()                                                     # needs sage.libs.pari
[ (Vector space of degree 6 and dimension 2 over Rational Field
    Basis matrix:
    [ 1  0 -1 -2 -3 -4]
    [ 0  1  2  3  4  5],
   True),
  (Vector space of degree 6 and dimension 4 over Rational Field
    Basis matrix:
    [ 1  0  0  0 -5  4]
    [ 0  1  0  0 -4  3]
    [ 0  0  1  0 -3  2]
    [ 0  0  0  1 -2  1],
   False) ]
decomposition_of_subspace(M, check_restrict=True, **kwds)#

Suppose the right action of self on M leaves M invariant. Return the decomposition of M as a list of pairs (W, is_irred) where is_irred is True if the charpoly of self acting on the factor W is irreducible.

Additional inputs besides M are passed onto the decomposition command.

INPUT:

  • \(M\) – A subspace of the free module self acts on.

  • check_restrict – A boolean (default: True); Call restrict

    with or without check.

  • kwds – Keywords that will be forwarded to decomposition().

EXAMPLES:

sage: # needs sage.libs.pari
sage: t = matrix(QQ, 3, [3, 0, -2, 0, -2, 0, 0, 0, 0]); t
[ 3  0 -2]
[ 0 -2  0]
[ 0  0  0]
sage: t.fcp('X')                # factored charpoly
(X - 3) * X * (X + 2)
sage: v = kernel(t*(t+2)); v    # an invariant subspace
Vector space of degree 3 and dimension 2 over Rational Field
Basis matrix:
[0 1 0]
[0 0 1]
sage: D = t.decomposition_of_subspace(v); D
[ (Vector space of degree 3 and dimension 1 over Rational Field
    Basis matrix: [0 0 1],
   True),
  (Vector space of degree 3 and dimension 1 over Rational Field
    Basis matrix: [0 1 0],
   True) ]
sage: t.restrict(D[0][0])
[0]
sage: t.restrict(D[1][0])
[-2]

We do a decomposition over ZZ:

sage: a = matrix(ZZ, 6, [0, 0, -2, 0, 2, 0,
....:                    2, -4, -2, 0, 2, 0,
....:                    0, 0, -2, -2, 0, 0,
....:                    2, 0, -2, -4, 2, -2,
....:                    0, 2, 0, -2, -2, 0,
....:                    0, 2, 0, -2, 0, 0])
sage: a.decomposition_of_subspace(ZZ^6)                                     # needs sage.libs.pari
[ (Free module of degree 6 and rank 2 over Integer Ring
    Echelon basis matrix:
    [ 1  0  1 -1  1 -1]
    [ 0  1  0 -1  2 -1],
   False),
  (Free module of degree 6 and rank 4 over Integer Ring
    Echelon basis matrix:
    [ 1  0 -1  0  1  0]
    [ 0  1  0  0  0  0]
    [ 0  0  0  1  0  0]
    [ 0  0  0  0  0  1],
   False) ]
denominator()#

Return the least common multiple of the denominators of the elements of self.

If there is no denominator function for the base field, or no LCM function for the denominators, raise a TypeError.

EXAMPLES:

sage: A = MatrixSpace(QQ,2)([1/2, 1/3, 1/5, 1/7])
sage: A.denominator()
210

A trivial example:

sage: A = matrix(QQ, 0,2)
sage: A.denominator()
1

Denominators are not defined for real numbers:

sage: A = MatrixSpace(RealField(),2)([1,2,3,4])
sage: A.denominator()
Traceback (most recent call last):
...
TypeError: denominator not defined for elements of the base ring

We can even compute the denominator of matrix over the fraction field of \(\ZZ[x]\).

sage: K.<x> = Frac(ZZ['x'])
sage: A = MatrixSpace(K,2)([1/x, 2/(x+1), 1, 5/(x^3)])
sage: A.denominator()
x^4 + x^3

Here’s an example involving a cyclotomic field:

sage: # needs sage.rings.number_field
sage: K.<z> = CyclotomicField(3)
sage: M = MatrixSpace(K, 3, sparse=True)
sage: A = M([(1+z)/3, (2+z)/3, z/3, 1, 1+z, -2, 1, 5, -1+z])
sage: print(A)
[1/3*z + 1/3 1/3*z + 2/3       1/3*z]
[          1       z + 1          -2]
[          1           5       z - 1]
sage: print(A.denominator())
3
density()#

Return the density of the matrix.

By density we understand the ratio of the number of nonzero positions and the self.nrows() * self.ncols(), i.e. the number of possible nonzero positions.

EXAMPLES:

First, note that the density parameter does not ensure the density of a matrix, it is only an upper bound.

sage: A = random_matrix(GF(127), 200, 200, density=0.3)
sage: A.density() <= 0.3
True
sage: A = matrix(QQ,3,3,[0,1,2,3,0,0,6,7,8])
sage: A.density()
2/3
sage: a = matrix([[],[],[],[]])
sage: a.density()
0
derivative(*args)#

Derivative with respect to variables supplied in args.

Multiple variables and iteration counts may be supplied; see documentation for the global derivative() function for more details.

EXAMPLES:

sage: # needs sage.symbolic
sage: v = vector([1,x,x^2])
sage: v.derivative(x)
(0, 1, 2*x)
sage: type(v.derivative(x)) == type(v)
True
sage: v = vector([1,x,x^2], sparse=True)
sage: v.derivative(x)
(0, 1, 2*x)
sage: type(v.derivative(x)) == type(v)
True
sage: v.derivative(x,x)
(0, 0, 2)
det(*args, **kwds)#

Synonym for self.determinant(…).

EXAMPLES:

sage: A = MatrixSpace(Integers(8),3)([1,7,3, 1,1,1, 3,4,5])
sage: A.det()
6
determinant(algorithm=None)#

Return the determinant of self.

ALGORITHM:

If the base ring has a method _matrix_determinant(), we call it.

Otherwise, for small matrices (n less than 4), this is computed using the naive formula. In the specific case of matrices over the integers modulo a non-prime, the determinant of a lift is computed over the integers. In general, the characteristic polynomial is computed either using the Hessenberg form (specified by "hessenberg") or the generic division-free algorithm (specified by "df"). When the base ring is an exact field, the default choice is "hessenberg", otherwise it is "df". Note that for matrices over most rings, more sophisticated algorithms can be used. (Type A.determinant? to see what is done for a specific matrix A.)

INPUT:

  • algorithm - string:
    • "df" - Generic O(n^4) division-free algorithm

    • "hessenberg" - Use the Hessenberg form of the matrix

EXAMPLES:

sage: A = MatrixSpace(Integers(8),3)([1,7,3, 1,1,1, 3,4,5])
sage: A.determinant()
6
sage: A.determinant() is A.determinant()
True
sage: A[0,0] = 10
sage: A.determinant()
7

We compute the determinant of the arbitrary 3x3 matrix:

sage: R = PolynomialRing(QQ,9,'x')
sage: A = matrix(R,3,R.gens())
sage: A
[x0 x1 x2]
[x3 x4 x5]
[x6 x7 x8]
sage: A.determinant()
-x2*x4*x6 + x1*x5*x6 + x2*x3*x7 - x0*x5*x7 - x1*x3*x8 + x0*x4*x8

We create a matrix over \(\ZZ[x,y]\) and compute its determinant.

sage: R.<x,y> = PolynomialRing(IntegerRing(),2)
sage: A = MatrixSpace(R,2)([x, y, x**2, y**2])
sage: A.determinant()
-x^2*y + x*y^2

A matrix over a non-domain:

sage: m = matrix(Integers(4), 2, [1,2,2,3])
sage: m.determinant()
3
diagonal()#

Return the diagonal entries of self.

OUTPUT:

A list containing the entries of the matrix that have equal row and column indices, in order of the indices. Behavior is not limited to square matrices.

EXAMPLES:

sage: A = matrix([[2,5],[3,7]]); A
[2 5]
[3 7]
sage: A.diagonal()
[2, 7]

Two rectangular matrices.

sage: B = matrix(3, 7, range(21)); B
[ 0  1  2  3  4  5  6]
[ 7  8  9 10 11 12 13]
[14 15 16 17 18 19 20]
sage: B.diagonal()
[0, 8, 16]

sage: C = matrix(3, 2, range(6)); C
[0 1]
[2 3]
[4 5]
sage: C.diagonal()
[0, 3]

Empty matrices behave properly.

sage: E = matrix(0, 5, []); E
[]
sage: E.diagonal()
[]
diagonalization(base_field=None)#

Return a diagonal matrix similar to self along with the transformation matrix.

INPUT:

  • base_field – if given, self is regarded as a matrix over it

OUTPUT: a diagonal matrix \(D\) and an invertible matrix \(P\) such that \(P^{-1}AP=D\), if self is a diagonalizable matrix \(A\).

EXAMPLES:

sage: # needs sage.libs.pari
sage: A = matrix(QQ, 4, [-4, 6, 3, 3, -3, 5, 3, 3, 3, -6, -4, -3, -3, 6, 3, 2])
sage: A
[-4  6  3  3]
[-3  5  3  3]
[ 3 -6 -4 -3]
[-3  6  3  2]
sage: A.is_diagonalizable()
True
sage: A.diagonalization()
(
[ 2  0  0  0]  [ 1  1  0  0]
[ 0 -1  0  0]  [ 1  0  1  0]
[ 0  0 -1  0]  [-1  0  0  1]
[ 0  0  0 -1], [ 1  1 -2 -1]
)
sage: D, P = A.diagonalization()
sage: P^-1*A*P == D
True

sage: # needs sage.libs.pari
sage: A = matrix(QQ, 2, [0, 2, 1, 0])
sage: A.is_diagonalizable()
False
sage: A.is_diagonalizable(QQbar)                                            # needs sage.rings.number_field
True
sage: D, P = A.diagonalization(QQbar)                                       # needs sage.rings.number_field
sage: P^-1*A*P == D                                                         # needs sage.rings.number_field
True

Matrices may fail to be diagonalizable for various reasons:

sage: A = matrix(QQ, 2, [1,2,3, 4,5,6]); A
[1 2 3]
[4 5 6]
sage: A.diagonalization()
Traceback (most recent call last):
...
TypeError: not a square matrix

sage: B = matrix(ZZ, 2, [1, 2, 3, 4]); B
[1 2]
[3 4]
sage: B.diagonalization()
Traceback (most recent call last):
...
ValueError: matrix entries must be from a field

sage: C = matrix(RR, 2, [1., 2., 3., 4.]); C
[1.00000000000000 2.00000000000000]
[3.00000000000000 4.00000000000000]
sage: C.diagonalization()
Traceback (most recent call last):
...
ValueError: base field must be exact,
but Real Field with 53 bits of precision is not

sage: D = matrix(QQ, 2, [0, 2, 1, 0]); D
[0 2]
[1 0]
sage: D.diagonalization()                                                   # needs sage.libs.pari
Traceback (most recent call last):
...
ValueError: not diagonalizable over Rational Field

sage: E = matrix(QQ, 2, [3, 1, 0, 3]); E
[3 1]
[0 3]
sage: E.diagonalization()                                                   # needs sage.libs.pari
Traceback (most recent call last):
...
ValueError: not diagonalizable
sage: E.jordan_form()                                                       # needs sage.combinat sage.libs.pari
[3 1]
[0 3]
echelon_form(algorithm='default', cutoff=0, **kwds)#

Return the echelon form of self.

Note

This row reduction does not use division if the matrix is not over a field (e.g., if the matrix is over the integers). If you want to calculate the echelon form using division, then use rref(), which assumes that the matrix entries are in a field (specifically, the field of fractions of the base ring of the matrix).

INPUT:

  • algorithm – string. Which algorithm to use. Choices are

    • 'default': Let Sage choose an algorithm (default).

    • 'classical': Gauss elimination.

    • 'partial_pivoting': Gauss elimination, using partial pivoting (if base ring has absolute value)

    • 'scaled_partial_pivoting': Gauss elimination, using scaled partial pivoting (if base ring has absolute value)

    • 'scaled_partial_pivoting_valuation': Gauss elimination, using scaled partial pivoting (if base ring has valuation)

    • 'strassen': use a Strassen divide and conquer algorithm (if available)

  • cutoff – integer. Only used if the Strassen algorithm is selected.

  • transformation – boolean. Whether to also return the transformation matrix. Some matrix backends do not provide this information, in which case this option is ignored.

OUTPUT:

The reduced row echelon form of self, as an immutable matrix. Note that self is not changed by this command. Use echelonize() to change self in place.

If the optional parameter transformation=True is specified, the output consists of a pair \((E,T)\) of matrices where \(E\) is the echelon form of self and \(T\) is the transformation matrix.

EXAMPLES:

sage: MS = MatrixSpace(GF(19), 2, 3)
sage: C = MS.matrix([1,2,3,4,5,6])
sage: C.rank()
2
sage: C.nullity()
0
sage: C.echelon_form()
[ 1  0 18]
[ 0  1  2]

The matrix library used for \(\ZZ/p\)-matrices does not return the transformation matrix, so the transformation option is ignored:

sage: C.echelon_form(transformation=True)
[ 1  0 18]
[ 0  1  2]

sage: D = matrix(ZZ, 2, 3, [1,2,3,4,5,6])
sage: D.echelon_form(transformation=True)
(
[1 2 3]  [ 1  0]
[0 3 6], [ 4 -1]
)
sage: E, T = D.echelon_form(transformation=True)
sage: T*D == E
True
echelonize(algorithm='default', cutoff=0, **kwds)#

Transform self into a matrix in echelon form over the same base ring as self.

Note

This row reduction does not use division if the matrix is not over a field (e.g., if the matrix is over the integers). If you want to calculate the echelon form using division, then use rref(), which assumes that the matrix entries are in a field (specifically, the field of fractions of the base ring of the matrix).

INPUT:

  • algorithm – string. Which algorithm to use. Choices are

    • 'default': Let Sage choose an algorithm (default).

    • 'classical': Gauss elimination.

    • 'partial_pivoting': Gauss elimination, using partial pivoting (if base ring has absolute value)

    • 'scaled_partial_pivoting': Gauss elimination, using scaled partial pivoting (if base ring has absolute value)

    • 'scaled_partial_pivoting_valuation': Gauss elimination, using scaled partial pivoting (if base ring has valuation)

    • 'strassen': use a Strassen divide and conquer algorithm (if available)

  • cutoff – integer. Only used if the Strassen algorithm is selected.

  • transformation – boolean. Whether to also return the transformation matrix. Some matrix backends do not provide this information, in which case this option is ignored.

OUTPUT:

The matrix self is put into echelon form. Nothing is returned unless the keyword option transformation=True is specified, in which case the transformation matrix is returned.

EXAMPLES:

sage: a = matrix(QQ,3,3,range(9)); a
[0 1 2]
[3 4 5]
[6 7 8]
sage: a.echelonize()
sage: a
[ 1  0 -1]
[ 0  1  2]
[ 0  0  0]

An immutable matrix cannot be transformed into echelon form. Use self.echelon_form() instead:

sage: a = matrix(QQ,3,3,range(9)); a.set_immutable()
sage: a.echelonize()
Traceback (most recent call last):
...
ValueError: matrix is immutable; please change a copy instead
(i.e., use copy(M) to change a copy of M).
sage: a.echelon_form()
[ 1  0 -1]
[ 0  1  2]
[ 0  0  0]

Echelon form over the integers is what is also classically often known as Hermite normal form:

sage: a = matrix(ZZ,3,3,range(9))
sage: a.echelonize(); a
[ 3  0 -3]
[ 0  1  2]
[ 0  0  0]

We compute an echelon form both over a domain and fraction field:

sage: R.<x,y> = QQ[]
sage: a = matrix(R, 2, [x,y, x,y])
sage: a.echelon_form()               # not very useful? -- why two copies of the same row?                  # needs sage.rings.function_field
[x y]
[x y]
sage: b = a.change_ring(R.fraction_field())
sage: b.echelon_form()               # potentially useful
[  1 y/x]
[  0   0]

We check that the echelon form works for matrices over p-adics. See github issue #17272:

sage: # needs sage.rings.padics
sage: R = ZpCA(5,5,print_mode='val-unit')
sage: A = matrix(R, 3,3, [250,2369,1147, 106,927,362, 90,398,2483])
sage: A
[5^3 * 2 + O(5^5)    2369 + O(5^5)    1147 + O(5^5)]
[    106 + O(5^5)     927 + O(5^5)     362 + O(5^5)]
[ 5 * 18 + O(5^5)     398 + O(5^5)    2483 + O(5^5)]
sage: K = R.fraction_field()
sage: A.change_ring(K).augment(identity_matrix(K,3)).echelon_form()
[      1 + O(5^5)           O(5^5)           O(5^5) 5 * 212 + O(5^5)    3031 + O(5^5)    2201 + O(5^5)]
[          O(5^5)       1 + O(5^5)           O(5^5)    1348 + O(5^5) 5 * 306 + O(5^5)    2648 + O(5^5)]
[          O(5^5)           O(5^5)       1 + O(5^5)    1987 + O(5^5) 5 * 263 + O(5^5)     154 + O(5^5)]

Echelon form is not defined over arbitrary rings:

sage: a = matrix(Integers(9),3,3,range(9))
sage: a.echelon_form()
Traceback (most recent call last):
...
NotImplementedError: Echelon form not implemented over 'Ring of integers modulo 9'.

Involving a sparse matrix:

sage: m = matrix(3,[1, 1, 1, 1, 0, 2, 1, 2, 0], sparse=True); m
[1 1 1]
[1 0 2]
[1 2 0]
sage: m.echelon_form()
[ 1  0  2]
[ 0  1 -1]
[ 0  0  0]
sage: m.echelonize(); m
[ 1  0  2]
[ 0  1 -1]
[ 0  0  0]

The transformation matrix is optionally returned:

sage: m_original = m
sage: transformation_matrix = m.echelonize(transformation=True)
sage: m == transformation_matrix * m_original
True
eigenmatrix_left(other=None)#

Return matrices \(D\) and \(P\), where \(D\) is a diagonal matrix of eigenvalues and the rows of \(P\) are corresponding eigenvectors (or zero vectors).

INPUT:

  • other – a square matrix \(B\) (default: None) in a generalized eigenvalue problem; if None, an ordinary eigenvalue problem is solved

OUTPUT:

If self is a square matrix \(A\), then the output is a diagonal matrix \(D\) and a matrix \(P\) such that

\[P A = D P,\]

where the rows of \(P\) are eigenvectors of \(A\) and the diagonal entries of \(D\) are the corresponding eigenvalues.

If a matrix \(B\) is passed as optional argument, the output is a solution to the generalized eigenvalue problem such that

\[P A = D P B.\]

The ordinary eigenvalue problem is equivalent to the generalized one if \(B\) is the identity matrix.

The generalized eigenvector decomposition is currently only implemented for matrices over RDF and CDF.

EXAMPLES:

sage: # needs sage.rings.number_field
sage: A = matrix(QQ, 3, 3, range(9)); A
[0 1 2]
[3 4 5]
[6 7 8]
sage: D, P = A.eigenmatrix_left()
sage: D
[                  0                   0                   0]
[                  0 -1.348469228349535?                   0]
[                  0                   0  13.34846922834954?]
sage: P
[                   1                   -2                    1]
[                   1  0.3101020514433644? -0.3797958971132713?]
[                   1   1.289897948556636?   1.579795897113272?]
sage: P*A == D*P
True

Because \(P\) is invertible, \(A\) is diagonalizable.

sage: A == (~P)*D*P                                                         # needs sage.rings.number_field
True

The matrix \(P\) may contain zero rows corresponding to eigenvalues for which the algebraic multiplicity is greater than the geometric multiplicity. In these cases, the matrix is not diagonalizable.

sage: # needs sage.rings.number_field
sage: A = jordan_block(2, 3); A
[2 1 0]
[0 2 1]
[0 0 2]
sage: D, P = A.eigenmatrix_left()
sage: D
[2 0 0]
[0 2 0]
[0 0 2]
sage: P
[0 0 1]
[0 0 0]
[0 0 0]
sage: P*A == D*P
True

A generalized eigenvector decomposition:

sage: # needs scipy
sage: A = matrix(RDF, [[1, -2], [3, 4]])
sage: B = matrix(RDF, [[0, 7], [2, -3]])
sage: D, P = A.eigenmatrix_left(B)
sage: (P * A - D * P * B).norm() < 1e-14
True

The matrix \(B\) in a generalized eigenvalue problem may be singular:

sage: # needs scipy sage.rings.complex_double sage.symbolic
sage: A = matrix.identity(CDF, 2)
sage: B = matrix(CDF, [[2, 1+I], [4, 2+2*I]])
sage: D, P = A.eigenmatrix_left(B)
sage: D.diagonal()  # tol 1e-14
[0.2 - 0.1*I, +infinity]

In this case, we can still verify the eigenvector equation for the first eigenvalue and first eigenvector:

sage: # needs scipy sage.rings.complex_double sage.symbolic
sage: l = D[0, 0]
sage: v = P[0, :]
sage: (v * A - l * v * B).norm() < 1e-14
True

The second eigenvector is contained in the left kernel of \(B\):

sage: (P[1, :] * B).norm() < 1e-14                                          # needs scipy sage.rings.complex_double sage.symbolic
True
eigenmatrix_right(other=None)#

Return matrices \(D\) and \(P\), where \(D\) is a diagonal matrix of eigenvalues and the columns of \(P\) are corresponding eigenvectors (or zero vectors).

INPUT:

  • other – a square matrix \(B\) (default: None) in a generalized eigenvalue problem; if None, an ordinary eigenvalue problem is solved

OUTPUT:

If self is a square matrix \(A\), then the output is a diagonal matrix \(D\) and a matrix \(P\) such that

\[A P = P D,\]

where the columns of \(P\) are eigenvectors of \(A\) and the diagonal entries of \(D\) are the corresponding eigenvalues.

If a matrix \(B\) is passed as optional argument, the output is a solution to the generalized eigenvalue problem such that

\[A P = B P D.\]

The ordinary eigenvalue problem is equivalent to the generalized one if \(B\) is the identity matrix.

The generalized eigenvector decomposition is currently only implemented for matrices over RDF and CDF.

EXAMPLES:

sage: # needs sage.rings.number_field
sage: A = matrix(QQ, 3, 3, range(9)); A
[0 1 2]
[3 4 5]
[6 7 8]
sage: D, P = A.eigenmatrix_right()
sage: D
[                  0                   0                   0]
[                  0 -1.348469228349535?                   0]
[                  0                   0  13.34846922834954?]
sage: P
[                   1                    1                    1]
[                  -2  0.1303061543300932?   3.069693845669907?]
[                   1 -0.7393876913398137?   5.139387691339814?]
sage: A*P == P*D
True

Because \(P\) is invertible, \(A\) is diagonalizable.

sage: A == P*D*(~P)                                                         # needs sage.rings.number_field
True

The matrix \(P\) may contain zero columns corresponding to eigenvalues for which the algebraic multiplicity is greater than the geometric multiplicity. In these cases, the matrix is not diagonalizable.

sage: # needs sage.rings.number_field
sage: A = jordan_block(2, 3); A
[2 1 0]
[0 2 1]
[0 0 2]
sage: D, P = A.eigenmatrix_right()
sage: D
[2 0 0]
[0 2 0]
[0 0 2]
sage: P
[1 0 0]
[0 0 0]
[0 0 0]
sage: A*P == P*D
True

A generalized eigenvector decomposition:

sage: # needs scipy
sage: A = matrix(RDF, [[1, -2], [3, 4]])
sage: B = matrix(RDF, [[0, 7], [2, -3]])
sage: D, P = A.eigenmatrix_right(B)
sage: (A * P - B * P * D).norm() < 1e-14
True

The matrix \(B\) in a generalized eigenvalue problem may be singular:

sage: # needs scipy
sage: A = matrix.identity(RDF, 2)
sage: B = matrix(RDF, [[3, 5], [6, 10]])
sage: D, P = A.eigenmatrix_right(B); D   # tol 1e-14
[0.07692307692307694                 0.0]
[                0.0           +infinity]

In this case, we can still verify the eigenvector equation for the first eigenvalue and first eigenvector:

sage: # needs scipy
sage: l = D[0, 0]
sage: v = P[:, 0]
sage: (A * v  - B * v * l).norm() < 1e-14
True

The second eigenvector is contained in the right kernel of \(B\):

sage: (B * P[:, 1]).norm() < 1e-14                                          # needs scipy
True
eigenspaces_left(format='all', var='a', algebraic_multiplicity=False)#

Compute the left eigenspaces of a matrix.

Note that eigenspaces_left() and left_eigenspaces() are identical methods. Here “left” refers to the eigenvectors being placed to the left of the matrix.

INPUT:

  • self – a square matrix over an exact field. For inexact matrices consult the numerical or symbolic matrix classes.

  • format – one of:

    • 'all' – Attempts to create every eigenspace. This will always be possible for matrices with rational entries.

    • 'galois' – For each irreducible factor of the characteristic polynomial, a single eigenspace will be output for a single root/eigenvalue for the irreducible factor.

    • None (default) – Uses the 'all' format if the base ring is contained in an algebraically closed field which is implemented. Otherwise, uses the 'galois' format.

  • var – string (default: 'a'); variable name used to represent elements of the root field of each irreducible factor of the characteristic polynomial. If var='a', then the root fields will be in terms of a0, a1, a2, ..., where the numbering runs across all the irreducible factors of the characteristic polynomial, even for linear factors.

  • algebraic_multiplicity – (boolean, default: False); whether to include the algebraic multiplicity of each eigenvalue in the output. See the discussion below.

OUTPUT:

If algebraic_multiplicity=False, return a list of pairs \((e, V)\) where \(e\) is an eigenvalue of the matrix, and \(V\) is the corresponding left eigenspace. For Galois conjugates of eigenvalues, there may be just one representative eigenspace, depending on the format keyword.

If algebraic_multiplicity=True, return a list of triples \((e, V, n)\) where \(e\) and \(V\) are as above and \(n\) is the algebraic multiplicity of the eigenvalue.

Warning

Uses a somewhat naive algorithm (simply factors the characteristic polynomial and computes kernels directly over the extension field).

EXAMPLES:

We compute the left eigenspaces of a \(3\times 3\) rational matrix. First, we request 'all' of the eigenvalues, so the results are in the field of algebraic numbers, QQbar. Then we request just one eigenspace per irreducible factor of the characteristic polynomial with format='galois'.

sage: A = matrix(QQ, 3, 3, range(9)); A
[0 1 2]
[3 4 5]
[6 7 8]
sage: es = A.eigenspaces_left(format='all'); es                             # needs sage.rings.number_field
[ (0,
   Vector space of degree 3 and dimension 1 over Rational Field
     User basis matrix:
     [ 1 -2  1]),
  (-1.348469228349535?,
   Vector space of degree 3 and dimension 1 over Algebraic Field
     User basis matrix:
     [                   1  0.3101020514433644? -0.3797958971132713?]),
  (13.34846922834954?,
   Vector space of degree 3 and dimension 1 over Algebraic Field
     User basis matrix:
     [                 1 1.289897948556636? 1.579795897113272?]) ]

sage: # needs sage.rings.number_field
sage: es = A.eigenspaces_left(format='galois'); es
[ (0,
   Vector space of degree 3 and dimension 1 over Rational Field
     User basis matrix:
     [ 1 -2  1]),
  (a1,
   Vector space of degree 3 and dimension 1 over
    Number Field in a1 with defining polynomial x^2 - 12*x - 18
     User basis matrix:
     [            1 1/15*a1 + 2/5 2/15*a1 - 1/5]) ]
sage: es = A.eigenspaces_left(format='galois',
....:                         algebraic_multiplicity=True); es
[ (0,
   Vector space of degree 3 and dimension 1 over Rational Field
     User basis matrix:
     [ 1 -2  1],
   1),
  (a1,
   Vector space of degree 3 and dimension 1 over
    Number Field in a1 with defining polynomial x^2 - 12*x - 18
     User basis matrix:
     [            1 1/15*a1 + 2/5 2/15*a1 - 1/5],
   1) ]
sage: e, v, n = es[0]; v = v.basis()[0]
sage: delta = e*v - v*A
sage: abs(abs(delta)) < 1e-10
True

The same computation, but with implicit base change to a field.

sage: A = matrix(ZZ, 3, 3, range(9)); A
[0 1 2]
[3 4 5]
[6 7 8]
sage: A.eigenspaces_left(format='galois')                                   # needs sage.rings.number_field
[ (0,
   Vector space of degree 3 and dimension 1 over Rational Field
     User basis matrix:
     [ 1 -2  1]),
  (a1,
   Vector space of degree 3 and dimension 1 over
    Number Field in a1 with defining polynomial x^2 - 12*x - 18
     User basis matrix:
     [            1 1/15*a1 + 2/5 2/15*a1 - 1/5]) ]

We compute the left eigenspaces of the matrix of the Hecke operator \(T_2\) on level 43 modular symbols, both with all eigenvalues (the default) and with one subspace per factor.

sage: # needs sage.modular
sage: A = ModularSymbols(43).T(2).matrix(); A
[ 3  0  0  0  0  0 -1]
[ 0 -2  1  0  0  0  0]
[ 0 -1  1  1  0 -1  0]
[ 0 -1  0 -1  2 -1  1]
[ 0 -1  0  1  1 -1  1]
[ 0  0 -2  0  2 -2  1]
[ 0  0 -1  0  1  0 -1]
sage: A.base_ring()
Rational Field
sage: f = A.charpoly(); f
x^7 + x^6 - 12*x^5 - 16*x^4 + 36*x^3 + 52*x^2 - 32*x - 48
sage: factor(f)
(x - 3) * (x + 2)^2 * (x^2 - 2)^2
sage: A.eigenspaces_left(algebraic_multiplicity=True)
[ (3,
   Vector space of degree 7 and dimension 1 over Rational Field
     User basis matrix:
     [   1    0  1/7    0 -1/7    0 -2/7],
   1),
  (-2,
   Vector space of degree 7 and dimension 2 over Rational Field
     User basis matrix:
     [ 0  1  0  1 -1  1 -1]
     [ 0  0  1  0 -1  2 -1],
   2),
  (-1.414213562373095?,
   Vector space of degree 7 and dimension 2 over Algebraic Field
     User basis matrix:
     [                  0                   1                   0                  -1 0.4142135623730951?                   1                  -1]
     [                  0                   0                   1                   0                  -1                   0  2.414213562373095?],
   2),
  (1.414213562373095?,
   Vector space of degree 7 and dimension 2 over Algebraic Field
     User basis matrix:
     [                   0                    1                    0                   -1  -2.414213562373095?                    1                   -1]
     [                   0                    0                    1                    0                   -1                    0 -0.4142135623730951?],
   2) ]
sage: A.eigenspaces_left(format='galois', algebraic_multiplicity=True)
[ (3,
   Vector space of degree 7 and dimension 1 over Rational Field
     User basis matrix:
     [   1    0  1/7    0 -1/7    0 -2/7],
   1),
  (-2,
   Vector space of degree 7 and dimension 2 over Rational Field
     User basis matrix:
     [ 0  1  0  1 -1  1 -1]
     [ 0  0  1  0 -1  2 -1],
   2),
  (a2,
   Vector space of degree 7 and dimension 2
    over Number Field in a2 with defining polynomial x^2 - 2
     User basis matrix:
     [      0       1       0      -1 -a2 - 1       1      -1]
     [      0       0       1       0      -1       0 -a2 + 1],
   2) ]

Next we compute the left eigenspaces over the finite field of order 11.

sage: # needs sage.modular sage.rings.finite_rings
sage: A = ModularSymbols(43, base_ring=GF(11), sign=1).T(2).matrix(); A
[ 3  0  9  0]
[ 0  9  0 10]
[ 0  0 10  1]
[ 0  0  1  1]
sage: A.base_ring()
Finite Field of size 11
sage: A.charpoly()
x^4 + 10*x^3 + 3*x^2 + 2*x + 1
sage: A.eigenspaces_left(format='galois', var='beta')
[ (9,
   Vector space of degree 4 and dimension 1 over Finite Field of size 11
     User basis matrix: [0 1 5 6]),
 (3, Vector space of degree 4 and dimension 1 over Finite Field of size 11
     User basis matrix: [1 0 1 6]),
 (beta2, Vector space of degree 4 and dimension 1
          over Univariate Quotient Polynomial Ring in beta2
           over Finite Field of size 11 with modulus x^2 + 9
         User basis matrix: [        0         0         1 beta2 + 1])
]

This method is only applicable to exact matrices. The “eigenmatrix” routines for matrices with double-precision floating-point entries (RDF, CDF) are the best alternative. (Since some platforms return eigenvectors that are the negatives of those given here, this one example is not tested here.) There are also “eigenmatrix” routines for matrices with symbolic entries.

sage: A = matrix(QQ, 3, 3, range(9))
sage: A.change_ring(RR).eigenspaces_left()
Traceback (most recent call last):
...
NotImplementedError: eigenspaces cannot be computed reliably for inexact rings such as Real Field with 53 bits of precision,
consult numerical or symbolic matrix classes for other options

sage: # needs scipy
sage: em = A.change_ring(RDF).eigenmatrix_left()
sage: eigenvalues = em[0]; eigenvalues.dense_matrix() # abs tol 1e-13
[13.348469228349522                0.0                 0.0]
[               0.0 -1.348469228349534                 0.0]
[               0.0                0.0                 0.0]
sage: eigenvectors = em[1]; eigenvectors # not tested
[ 0.440242867...  0.567868371...  0.695493875...]
[ 0.897878732...  0.278434036... -0.341010658...]
[ 0.408248290... -0.816496580...  0.408248290...]

sage: # needs sage.symbolic
sage: x, y = var('x y')
sage: S = matrix([[x, y], [y, 3*x^2]])
sage: em = S.eigenmatrix_left()
sage: eigenvalues = em[0]; eigenvalues
[3/2*x^2 + 1/2*x - 1/2*sqrt(9*x^4 - 6*x^3 + x^2 + 4*y^2)                                                       0]
[                                                      0 3/2*x^2 + 1/2*x + 1/2*sqrt(9*x^4 - 6*x^3 + x^2 + 4*y^2)]
sage: eigenvectors = em[1]; eigenvectors
[                                                    1 1/2*(3*x^2 - x - sqrt(9*x^4 - 6*x^3 + x^2 + 4*y^2))/y]
[                                                    1 1/2*(3*x^2 - x + sqrt(9*x^4 - 6*x^3 + x^2 + 4*y^2))/y]

A request for 'all' the eigenvalues, when it is not possible, will raise an error. Using the 'galois' format option is more likely to be successful.

sage: # needs sage.rings.finite_rings
sage: F.<b> = FiniteField(11^2)
sage: A = matrix(F, [[b + 1, b + 1], [10*b + 4, 5*b + 4]])
sage: A.eigenspaces_left(format='all')                                      # needs sage.rings.number_field
Traceback (most recent call last):
...
NotImplementedError: unable to construct eigenspaces for eigenvalues outside the base field,
try the keyword option: format='galois'
sage: A.eigenspaces_left(format='galois')                                   # needs sage.rings.number_field
[ (a0,
   Vector space of degree 2 and dimension 1 over
    Univariate Quotient Polynomial Ring in a0 over
     Finite Field in b of size 11^2
    with modulus x^2 + (5*b + 6)*x + 8*b + 10
     User basis matrix:
     [               1 6*b*a0 + 3*b + 1]) ]
eigenspaces_right(format='all', var='a', algebraic_multiplicity=False)#

Compute the right eigenspaces of a matrix.

Note that eigenspaces_right() and right_eigenspaces() are identical methods. Here “right” refers to the eigenvectors being placed to the right of the matrix.

INPUT:

  • self - a square matrix over an exact field. For inexact matrices consult the numerical or symbolic matrix classes.

  • format - default: None

    • 'all' - attempts to create every eigenspace. This will always be possible for matrices with rational entries.

    • 'galois' - for each irreducible factor of the characteristic polynomial, a single eigenspace will be output for a single root/eigenvalue for the irreducible factor.

    • None - Uses the ‘all’ format if the base ring is contained in an algebraically closed field which is implemented. Otherwise, uses the ‘galois’ format.

  • var - default: ‘a’ - variable name used to represent elements of the root field of each irreducible factor of the characteristic polynomial. If var=’a’, then the root fields will be in terms of a0, a1, a2, …., where the numbering runs across all the irreducible factors of the characteristic polynomial, even for linear factors.

  • algebraic_multiplicity - default: False - whether or not to include the algebraic multiplicity of each eigenvalue in the output. See the discussion below.

OUTPUT:

If algebraic_multiplicity=False, return a list of pairs (e, V) where e is an eigenvalue of the matrix, and V is the corresponding left eigenspace. For Galois conjugates of eigenvalues, there may be just one representative eigenspace, depending on the format keyword.

If algebraic_multiplicity=True, return a list of triples (e, V, n) where e and V are as above and n is the algebraic multiplicity of the eigenvalue.

Warning

Uses a somewhat naive algorithm (simply factors the characteristic polynomial and computes kernels directly over the extension field).

EXAMPLES:

Right eigenspaces are computed from the left eigenspaces of the transpose of the matrix. As such, there is a greater collection of illustrative examples at the eigenspaces_left().

We compute the right eigenspaces of a \(3\times 3\) rational matrix.

sage: # needs sage.rings.number_field
sage: A = matrix(QQ, 3, 3, range(9)); A
[0 1 2]
[3 4 5]
[6 7 8]
sage: A.eigenspaces_right()
[ (0,
   Vector space of degree 3 and dimension 1 over Rational Field
     User basis matrix:
     [ 1 -2  1]),
  (-1.348469228349535?,
   Vector space of degree 3 and dimension 1 over Algebraic Field
     User basis matrix:
     [                   1  0.1303061543300932? -0.7393876913398137?]),
  (13.34846922834954?,
   Vector space of degree 3 and dimension 1 over Algebraic Field
     User basis matrix:
     [                 1 3.069693845669907? 5.139387691339814?]) ]
sage: es = A.eigenspaces_right(format='galois'); es
[ (0,
   Vector space of degree 3 and dimension 1 over Rational Field
     User basis matrix:
     [ 1 -2  1]),
  (a1,
   Vector space of degree 3 and dimension 1 over
    Number Field in a1 with defining polynomial x^2 - 12*x - 18
     User basis matrix:
     [           1 1/5*a1 + 2/5 2/5*a1 - 1/5]) ]
sage: es = A.eigenspaces_right(format='galois',
....:                          algebraic_multiplicity=True); es
[ (0,
   Vector space of degree 3 and dimension 1 over Rational Field
     User basis matrix:
     [ 1 -2  1],
   1),
  (a1,
   Vector space of degree 3 and dimension 1 over
    Number Field in a1 with defining polynomial x^2 - 12*x - 18
     User basis matrix:
     [           1 1/5*a1 + 2/5 2/5*a1 - 1/5],
   1) ]
sage: e, v, n = es[0]; v = v.basis()[0]
sage: delta = v*e - A*v
sage: abs(abs(delta)) < 1e-10
True

The same computation, but with implicit base change to a field:

sage: A = matrix(ZZ, 3, range(9)); A
[0 1 2]
[3 4 5]
[6 7 8]
sage: A.eigenspaces_right(format='galois')                                  # needs sage.rings.number_field
[ (0,
   Vector space of degree 3 and dimension 1 over Rational Field
     User basis matrix:
     [ 1 -2  1]),
  (a1,
   Vector space of degree 3 and dimension 1 over
    Number Field in a1 with defining polynomial x^2 - 12*x - 18
     User basis matrix:
     [           1 1/5*a1 + 2/5 2/5*a1 - 1/5]) ]

This method is only applicable to exact matrices. The “eigenmatrix” routines for matrices with double-precision floating-point entries (RDF, CDF) are the best alternative. (Since some platforms return eigenvectors that are the negatives of those given here, this one example is not tested here.) There are also “eigenmatrix” routines for matrices with symbolic entries.

sage: B = matrix(RR, 3, 3, range(9))
sage: B.eigenspaces_right()
Traceback (most recent call last):
...
NotImplementedError: eigenspaces cannot be computed reliably
for inexact rings such as Real Field with 53 bits of precision,
consult numerical or symbolic matrix classes for other options

sage: # needs scipy
sage: em = B.change_ring(RDF).eigenmatrix_right()
sage: eigenvalues = em[0]; eigenvalues.dense_matrix()  # abs tol 1e-13
[13.348469228349522                0.0                0.0]
[               0.0 -1.348469228349534                0.0]
[               0.0                0.0                0.0]
sage: eigenvectors = em[1]; eigenvectors # not tested
[ 0.164763817...  0.799699663...  0.408248290...]
[ 0.505774475...  0.104205787... -0.816496580...]
[ 0.846785134... -0.591288087...  0.408248290...]

sage: # needs sage.symbolic
sage: x, y = var('x y')
sage: S = matrix([[x, y], [y, 3*x^2]])
sage: em = S.eigenmatrix_right()
sage: eigenvalues = em[0]; eigenvalues
[3/2*x^2 + 1/2*x - 1/2*sqrt(9*x^4 - 6*x^3 + x^2 + 4*y^2)                                                       0]
[                                                      0 3/2*x^2 + 1/2*x + 1/2*sqrt(9*x^4 - 6*x^3 + x^2 + 4*y^2)]
sage: eigenvectors = em[1]; eigenvectors
[                                                    1                                                     1]
[1/2*(3*x^2 - x - sqrt(9*x^4 - 6*x^3 + x^2 + 4*y^2))/y 1/2*(3*x^2 - x + sqrt(9*x^4 - 6*x^3 + x^2 + 4*y^2))/y]
eigenvalue_multiplicity(s)#

Return the multiplicity of s as a generalized eigenvalue of the matrix.

EXAMPLES:

sage: M = Matrix(QQ, [[0,1],[0,0]])
sage: M.eigenvalue_multiplicity(0)
2
sage: M.eigenvalue_multiplicity(1)
0

sage: M = posets.DiamondPoset(5).coxeter_transformation()                   # needs sage.graphs sage.libs.flint
sage: [M.eigenvalue_multiplicity(x) for x in [-1, 1]]                       # needs sage.graphs sage.libs.flint
[3, 2]
eigenvalues(extend=True)#

Return a sequence of the eigenvalues of a matrix, with multiplicity. If the eigenvalues are roots of polynomials in QQ, then QQbar elements are returned that represent each separate root.

If the option extend is set to False, only eigenvalues in the base ring are considered.

EXAMPLES:

sage: a = matrix(ZZ, 4, range(16)); a
[ 0  1  2  3]
[ 4  5  6  7]
[ 8  9 10 11]
[12 13 14 15]
sage: sorted(a.eigenvalues(), reverse=True)                                 # needs sage.rings.number_field
[32.46424919657298?, 0, 0, -2.464249196572981?]
sage: a = matrix([(1, 9, -1, -1),
....:             (-2, 0, -10, 2),
....:             (-1, 0, 15, -2),
....:             (0, 1, 0, -1)])
sage: a.eigenvalues()                                                       # needs sage.rings.number_field
[-0.9386318578049146?,
 15.50655435353258?,
 0.2160387521361705? - 4.713151979747493?*I,
 0.2160387521361705? + 4.713151979747493?*I]

A symmetric matrix a + a.transpose() should have real eigenvalues

sage: b = a + a.transpose()
sage: ev = b.eigenvalues(); ev                                              # needs sage.rings.number_field
[-8.35066086057957?, -1.107247901349379?,
 5.718651326708515?, 33.73925743522043?]

The eigenvalues are elements of QQbar, so they really represent exact roots of polynomials, not just approximations.

sage: e = ev[0]; e                                                          # needs sage.rings.number_field
-8.35066086057957?
sage: p = e.minpoly(); p                                                    # needs sage.rings.number_field
x^4 - 30*x^3 - 171*x^2 + 1460*x + 1784
sage: p(e) == 0                                                             # needs sage.rings.number_field
True

To perform computations on the eigenvalue as an element of a number field, you can always convert back to a number field element.

sage: e.as_number_field_element()                                           # needs sage.rings.number_field
(Number Field in a
  with defining polynomial y^4 - 2*y^3 - 507*y^2 - 3972*y - 4264,
 a + 7,
 Ring morphism:
   From: Number Field in a with defining polynomial y^4 - 2*y^3 - 507*y^2 - 3972*y - 4264
   To:   Algebraic Real Field
   Defn: a |--> -15.35066086057957?)

Notice the effect of the extend option.

sage: M = matrix(QQ, [[0,-1,0], [1,0,0], [0,0,2]])
sage: M.eigenvalues()                                                       # needs sage.rings.number_field
[2, -1*I, 1*I]
sage: M.eigenvalues(extend=False)                                           # needs sage.libs.pari
[2]

The method also works for matrices over finite fields:

sage: M = matrix(GF(3), [[0,1,1], [1,2,0], [2,0,1]])
sage: ev = sorted(M.eigenvalues()); ev                                      # needs sage.rings.finite_rings
[2*z3, 2*z3 + 1, 2*z3 + 2]

Similarly as in the case of QQbar, the eigenvalues belong to some algebraic closure but they can be converted to elements of a finite field:

sage: e = ev[0]                                                             # needs sage.rings.finite_rings
sage: e.parent()                                                            # needs sage.rings.finite_rings
Algebraic closure of Finite Field of size 3
sage: e.as_finite_field_element()                                           # needs sage.rings.finite_rings
(Finite Field in z3 of size 3^3,
 2*z3,
 Ring morphism:
   From: Finite Field in z3 of size 3^3
   To:   Algebraic closure of Finite Field of size 3
   Defn: z3 |--> z3)
eigenvectors_left(other=None, extend=True)#

Compute the left eigenvectors of a matrix.

INPUT:

  • other – a square matrix \(B\) (default: None) in a generalized eigenvalue problem; if None, an ordinary eigenvalue problem is solved (currently supported only if the base ring of self is RDF or CDF)

  • extend – boolean (default: True)

OUTPUT:

For each distinct eigenvalue, returns a list of the form (e,V,n) where e is the eigenvalue, V is a list of eigenvectors forming a basis for the corresponding left eigenspace, and n is the algebraic multiplicity of the eigenvalue.

If the option extend is set to False, then only the eigenvalues that live in the base ring are considered.

EXAMPLES:

We compute the left eigenvectors of a \(3\times 3\) rational matrix.

sage: # needs sage.rings.number_field
sage: A = matrix(QQ, 3, 3, range(9)); A
[0 1 2]
[3 4 5]
[6 7 8]
sage: es = A.eigenvectors_left(); es
[(0, [ (1, -2, 1) ], 1),
 (-1.348469228349535?, [(1, 0.3101020514433644?, -0.3797958971132713?)], 1),
 (13.34846922834954?, [(1, 1.289897948556636?, 1.579795897113272?)], 1)]
sage: eval, [evec], mult = es[0]
sage: delta = eval*evec - evec*A
sage: abs(abs(delta)) < 1e-10
True

Notice the difference between considering ring extensions or not.

sage: M = matrix(QQ, [[0,-1,0], [1,0,0], [0,0,2]])
sage: M.eigenvectors_left()                                                 # needs sage.rings.number_field
[(2,    [ (0, 0, 1) ],  1),
 (-1*I, [(1, -1*I, 0)], 1),
 (1*I,  [(1, 1*I, 0)],  1)]
sage: M.eigenvectors_left(extend=False)                                     # needs sage.rings.number_field
[(2,    [ (0, 0, 1) ],  1)]
eigenvectors_right(other=None, extend=True)#

Compute the right eigenvectors of a matrix.

INPUT:

  • other – a square matrix \(B\) (default: None) in a generalized eigenvalue problem; if None, an ordinary eigenvalue problem is solved (currently supported only if the base ring of self is RDF or CDF)

  • extend – boolean (default: True)

OUTPUT:

For each distinct eigenvalue, returns a list of the form (e,V,n) where e is the eigenvalue, V is a list of eigenvectors forming a basis for the corresponding right eigenspace, and n is the algebraic multiplicity of the eigenvalue. If extend = True (the default), this will return eigenspaces over the algebraic closure of the base field where this is implemented; otherwise it will restrict to eigenvalues in the base field.

EXAMPLES:

We compute the right eigenvectors of a \(3\times 3\) rational matrix.

sage: # needs sage.rings.number_field
sage: A = matrix(QQ, 3, 3, range(9)); A
[0 1 2]
[3 4 5]
[6 7 8]
sage: es = A.eigenvectors_right(); es
[(0, [ (1, -2, 1) ], 1),
 (-1.348469228349535?, [(1, 0.1303061543300932?, -0.7393876913398137?)], 1),
 (13.34846922834954?, [(1, 3.069693845669907?, 5.139387691339814?)], 1)]
sage: A.eigenvectors_right(extend=False)
[(0, [ (1, -2, 1) ], 1)]
sage: eval, [evec], mult = es[0]
sage: delta = eval*evec - A*evec
sage: abs(abs(delta)) < 1e-10
True
elementary_divisors(algorithm=None)#

If self is a matrix over a principal ideal domain \(R\), return elements \(d_i\) for \(1 \le i \le k = \min(r,s)\) where \(r\) and \(s\) are the number of rows and columns of self, such that the cokernel of self is isomorphic to

\[R/(d_1) \oplus R/(d_2) \oplus R/(d_k)\]

with \(d_i \mid d_{i+1}\) for all \(i\). These are the diagonal entries of the Smith form of self (see smith_form()).

INPUT:

  • algorithm – ignored

EXAMPLES:

sage: x = polygen(ZZ, 'x')
sage: OE.<w> = EquationOrder(x^2 - x + 2)                                   # needs sage.rings.number_field
sage: m = Matrix([[1, w], [w, 7]])                                          # needs sage.rings.number_field
sage: m.elementary_divisors()                                               # needs sage.rings.number_field
[1, -w + 9]

See also

smith_form()

elementwise_product(right)#

Returns the elementwise product of two matrices of the same size (also known as the Hadamard product).

INPUT:

  • right - the right operand of the product. A matrix of the same size as self such that multiplication of elements of the base rings of self and right is defined, once Sage’s coercion model is applied. If the matrices have different sizes, or if multiplication of individual entries cannot be achieved, a TypeError will result.

OUTPUT:

A matrix of the same size as self and right. The entry in location \((i,j)\) of the output is the product of the two entries in location \((i,j)\) of self and right (in that order).

The parent of the result is determined by Sage’s coercion model. If the base rings are identical, then the result is dense or sparse according to this property for the left operand. If the base rings must be adjusted for one, or both, matrices then the result will be sparse only if both operands are sparse. No subdivisions are present in the result.

If the type of the result is not to your liking, or the ring could be “tighter,” adjust the operands with change_ring(). Adjust sparse versus dense inputs with the methods sparse_matrix() and dense_matrix().

EXAMPLES:

sage: A = matrix(ZZ, 2, 3, range(6))
sage: B = matrix(QQ, 2, 3, [5, 1/3, 2/7, 11/2, -3/2, 8])
sage: C = A.elementwise_product(B)
sage: C
[   0  1/3  4/7]
[33/2   -6   40]
sage: C.parent()
Full MatrixSpace of 2 by 3 dense matrices over Rational Field

Notice the base ring of the results in the next two examples.

sage: x = polygen(ZZ, 'x')
sage: D = matrix(ZZ['x'],2,[1+x^2,2,3,4-x])
sage: E = matrix(QQ,2,[1,2,3,4])
sage: F = D.elementwise_product(E)
sage: F
[  x^2 + 1         4]
[        9 -4*x + 16]
sage: F.parent()
Full MatrixSpace of 2 by 2 dense matrices over Univariate Polynomial Ring in x over Rational Field
sage: G = matrix(GF(3), 2, [0, 1, 2, 2])
sage: H = matrix(ZZ, 2, [1, 2, 3, 4])
sage: J = G.elementwise_product(H)
sage: J
[0 2]
[0 2]
sage: J.parent()
Full MatrixSpace of 2 by 2 dense matrices
 over Finite Field of size 3

Non-commutative rings behave as expected. These are the usual quaternions.

sage: # needs sage.combinat
sage: R.<i,j,k> = QuaternionAlgebra(-1, -1)
sage: A = matrix(R, 2, [1,i,j,k])
sage: B = matrix(R, 2, [i,i,i,i])
sage: A.elementwise_product(B)
[ i -1]
[-k  j]
sage: B.elementwise_product(A)
[ i -1]
[ k -j]

Input that is not a matrix will raise an error.

sage: A = random_matrix(ZZ,5,10,x=20)
sage: A.elementwise_product(vector(ZZ, [1,2,3,4]))
Traceback (most recent call last):
...
TypeError: no common canonical parent for objects with parents: 'Full MatrixSpace of 5 by 10 dense matrices over Integer Ring' and 'Ambient free module of rank 4 over the principal ideal domain Integer Ring'

sage: A = matrix(2, 2, range(4))
sage: A.elementwise_product(polygen(parent(A)))
Traceback (most recent call last):
...
TypeError: elementwise_product() argument should be a matrix or coercible to a matrix

Matrices of different sizes for operands will raise an error.

sage: A = random_matrix(ZZ,5,10,x=20)
sage: B = random_matrix(ZZ,10,5,x=40)
sage: A.elementwise_product(B)
Traceback (most recent call last):
...
TypeError: no common canonical parent for objects with parents: 'Full MatrixSpace of 5 by 10 dense matrices over Integer Ring' and 'Full MatrixSpace of 10 by 5 dense matrices over Integer Ring'

Some pairs of rings do not have a common parent where multiplication makes sense. This will raise an error.

sage: A = matrix(QQ, 3, 2, range(6))
sage: B = matrix(GF(3), 3, [2]*6)
sage: A.elementwise_product(B)
Traceback (most recent call last):
...
TypeError: no common canonical parent for objects with parents:
 'Full MatrixSpace of 3 by 2 dense matrices over Rational Field' and
 'Full MatrixSpace of 3 by 2 dense matrices over Finite Field of size 3'

We illustrate various combinations of sparse and dense matrices. The usual coercion rules apply:

sage: A = matrix(ZZ, 5, 6, range(30), sparse=False)
sage: B = matrix(ZZ, 5, 6, range(30), sparse=True)
sage: C = matrix(QQ, 5, 6, range(30), sparse=True)
sage: A.elementwise_product(C).is_sparse()
True
sage: B.elementwise_product(C).is_sparse()
True
sage: A.elementwise_product(B).is_dense()
True
sage: B.elementwise_product(A).is_dense()
True
exp()#

Calculate the exponential of this matrix X, which is the matrix

\[e^X = \sum_{k=0}^{\infty} \frac{X^k}{k!}.\]

This function depends on maxima’s matrix exponentiation function, which does not deal well with floating point numbers. If the matrix has floating point numbers, they will be rounded automatically to rational numbers during the computation. If you want approximations to the exponential that are calculated numerically, you may get better results by first converting your matrix to RDF or CDF, as shown in the last example.

EXAMPLES:

sage: # needs sage.symbolic
sage: a = matrix([[1,2], [3,4]])
sage: a.exp()
[-1/22*((sqrt(33) - 11)*e^sqrt(33) - sqrt(33) - 11)*e^(-1/2*sqrt(33) + 5/2)              2/33*(sqrt(33)*e^sqrt(33) - sqrt(33))*e^(-1/2*sqrt(33) + 5/2)]
[             1/11*(sqrt(33)*e^sqrt(33) - sqrt(33))*e^(-1/2*sqrt(33) + 5/2)  1/22*((sqrt(33) + 11)*e^sqrt(33) - sqrt(33) + 11)*e^(-1/2*sqrt(33) + 5/2)]

sage: type(a.exp())                                                         # needs sage.symbolic
<class 'sage.matrix.matrix_symbolic_dense.Matrix_symbolic_dense'>

sage: a = matrix([[1/2,2/3], [3/4,4/5]])
sage: a.exp()                                                               # needs sage.symbolic
[-1/418*((3*sqrt(209) - 209)*e^(1/10*sqrt(209)) - 3*sqrt(209) - 209)*e^(-1/20*sqrt(209) + 13/20)                   20/627*(sqrt(209)*e^(1/10*sqrt(209)) - sqrt(209))*e^(-1/20*sqrt(209) + 13/20)]
[                  15/418*(sqrt(209)*e^(1/10*sqrt(209)) - sqrt(209))*e^(-1/20*sqrt(209) + 13/20)  1/418*((3*sqrt(209) + 209)*e^(1/10*sqrt(209)) - 3*sqrt(209) + 209)*e^(-1/20*sqrt(209) + 13/20)]

sage: a = matrix(RR, [[1,pi.n()], [1e2,1e-2]])                              # needs sage.symbolic
sage: a.exp()                                                               # needs sage.symbolic
[ 1/11882424341266*((11*sqrt(227345670387496707609) + 5941212170633)*e^(3/1275529100*sqrt(227345670387496707609)) - 11*sqrt(227345670387496707609) + 5941212170633)*e^(-3/2551058200*sqrt(227345670387496707609) + 101/200)                            445243650/75781890129165569203*(sqrt(227345670387496707609)*e^(3/1275529100*sqrt(227345670387496707609)) - sqrt(227345670387496707609))*e^(-3/2551058200*sqrt(227345670387496707609) + 101/200)]
[                                     10000/53470909535697*(sqrt(227345670387496707609)*e^(3/1275529100*sqrt(227345670387496707609)) - sqrt(227345670387496707609))*e^(-3/2551058200*sqrt(227345670387496707609) + 101/200) -1/11882424341266*((11*sqrt(227345670387496707609) - 5941212170633)*e^(3/1275529100*sqrt(227345670387496707609)) - 11*sqrt(227345670387496707609) - 5941212170633)*e^(-3/2551058200*sqrt(227345670387496707609) + 101/200)]
sage: a.change_ring(RDF).exp()  # rel tol 1e-14                             # needs sage.symbolic
[42748127.31532951 7368259.244159399]
[234538976.1381042 40426191.45156228]
extended_echelon_form(subdivide=False, **kwds)#

Return the echelon form of self augmented with an identity matrix.

INPUT:

  • subdivide – (boolean, default: False) whether to subdivide the returned matrix. See the description of the (output) below for details.

  • kwds - additional keywords that can be passed to the method that computes the echelon form.

OUTPUT:

If \(A\) is an \(m\times n\) matrix, add the \(m\) columns of an \(m\times m\) identity matrix to the right of self. Then row-reduce this \(m\times(n+m)\) matrix. This matrix is returned as an immutable matrix.

If subdivide is True then the returned matrix has a single division among the columns and a single division among the rows. The column subdivision has \(n\) columns to the left and \(m\) columns to the right. The row division separates the non-zero rows from the zero rows, when restricted to the first \(n\) columns.

For a nonsingular matrix the final \(m\) columns of the extended echelon form are the inverse of self. For a matrix of any size, the final \(m\) columns provide a matrix that transforms self to echelon form when it multiplies self from the left. When the base ring is a field, the uniqueness of reduced row-echelon form implies that this transformation matrix can be taken as the coefficients giving a canonical set of linear combinations of the rows of self that yield reduced row-echelon form.

When subdivided as described above, and again over a field, the parts of the subdivision in the upper-left corner and lower-right corner satisfy several interesting relationships with the row space, column space, left kernel and right kernel of self. See the examples below.

Note

This method returns an echelon form. If the base ring is not a field, no attempt is made to move to the fraction field. See an example below where the base ring is changed manually.

EXAMPLES:

The four relationships at the end of this example hold in general.

sage: A = matrix(QQ, [[2, -1, 7, -1, 0, -3],
....:                 [-1, 1, -5, 3, 4, 4],
....:                 [2, -1, 7, 0, 2, -2],
....:                 [2, 0, 4, 3, 6, 1],
....:                 [2, -1, 7, 0, 2, -2]])
sage: E = A.extended_echelon_form(subdivide=True); E
[   1    0    2    0    0   -1|   0   -1    0    1   -1]
[   0    1   -3    0   -2    0|   0   -2    0    2   -3]
[   0    0    0    1    2    1|   0  2/3    0 -1/3  2/3]
[-----------------------------+------------------------]
[   0    0    0    0    0    0|   1  2/3    0 -1/3 -1/3]
[   0    0    0    0    0    0|   0    0    1    0   -1]
sage: J = E.matrix_from_columns(range(6,11)); J
[   0   -1    0    1   -1]
[   0   -2    0    2   -3]
[   0  2/3    0 -1/3  2/3]
[   1  2/3    0 -1/3 -1/3]
[   0    0    1    0   -1]
sage: J*A == A.rref()
True
sage: C = E.subdivision(0,0); C
[ 1  0  2  0  0 -1]
[ 0  1 -3  0 -2  0]
[ 0  0  0  1  2  1]
sage: L = E.subdivision(1,1); L
[   1  2/3    0 -1/3 -1/3]
[   0    0    1    0   -1]
sage: A.right_kernel() == C.right_kernel()
True
sage: A.row_space() == C.row_space()
True
sage: A.column_space() == L.right_kernel()
True
sage: A.left_kernel() == L.row_space()
True

For a nonsingular matrix, the right half of the extended echelon form is the inverse matrix.

sage: B = matrix(QQ, [[1,3,4], [1,4,4], [0,-2,-1]])
sage: E = B.extended_echelon_form()
sage: J = E.matrix_from_columns(range(3,6)); J
[-4  5  4]
[-1  1  0]
[ 2 -2 -1]
sage: J == B.inverse()
True

The result is in echelon form, so if the base ring is not a field, the leading entry of each row may not be 1. But you can easily change to the fraction field if necessary.

sage: A = matrix(ZZ, [[16, 20, 4, 5, -4, 13, 5],
....:                 [10, 13, 3, -3, 7, 11, 6],
....:                 [-12, -15, -3, -3, 2, -10, -4],
....:                 [10, 13, 3, 3, -1, 9, 4],
....:                 [4, 5, 1, 8, -10, 1, -1]])
sage: E = A.extended_echelon_form(subdivide=True); E
[ 2  0 -2  2 -9 -3 -4| 0  4 -3 -9  4]
[ 0  1  1  2  0  1  1| 0  1  2  1  1]
[ 0  0  0  3 -4 -1 -1| 0  3  1 -3  3]
[--------------------+--------------]
[ 0  0  0  0  0  0  0| 1  6  3 -6  5]
[ 0  0  0  0  0  0  0| 0  7  2 -7  6]
sage: J = E.matrix_from_columns(range(7,12)); J
[ 0  4 -3 -9  4]
[ 0  1  2  1  1]
[ 0  3  1 -3  3]
[ 1  6  3 -6  5]
[ 0  7  2 -7  6]
sage: J*A == A.echelon_form()
True
sage: B = A.change_ring(QQ)
sage: B.extended_echelon_form(subdivide=True)
[     1      0     -1      0  -19/6   -7/6   -5/3|     0      0 -89/42   -5/2    1/7]
[     0      1      1      0    8/3    5/3    5/3|     0      0  34/21      2   -1/7]
[     0      0      0      1   -4/3   -1/3   -1/3|     0      0   1/21      0    1/7]
[------------------------------------------------+----------------------------------]
[     0      0      0      0      0      0      0|     1      0    9/7      0   -1/7]
[     0      0      0      0      0      0      0|     0      1    2/7     -1    6/7]

Subdivided, or not, the result is immutable, so make a copy if you want to make changes.

sage: A = matrix(FiniteField(7), [[2,0,3], [5,5,3], [5,6,5]])
sage: E = A.extended_echelon_form()
sage: E.is_mutable()
False
sage: F = A.extended_echelon_form(subdivide=True)
sage: F
[1 0 0|0 4 6]
[0 1 0|4 2 2]
[0 0 1|5 2 3]
[-----+-----]
sage: F.is_mutable()
False
sage: G = copy(F)
sage: G.subdivide([], []); G
[1 0 0 0 4 6]
[0 1 0 4 2 2]
[0 0 1 5 2 3]

If you want to determine exactly which algorithm is used to compute the echelon form, you can add additional keywords to pass on to the echelon_form() routine employed on the augmented matrix. Sending the flag include_zero_rows is a bit silly, since the extended echelon form will never have any zero rows.

sage: A = matrix(ZZ, [[1,2], [5,0], [5,9]])
sage: E = A.extended_echelon_form(algorithm='padic', include_zero_rows=False)
sage: E
[  1   0  36   1  -8]
[  0   1   5   0  -1]
[  0   0  45   1 -10]
fcp(var='x')#

Return the factorization of the characteristic polynomial of self.

INPUT:

  • var - (default: ‘x’) name of variable of charpoly

EXAMPLES:

sage: M = MatrixSpace(QQ, 3, 3)
sage: A = M([1,9,-7, 4/5,4,3, 6,4,3])
sage: A.fcp()                                                               # needs sage.libs.pari
x^3 - 8*x^2 + 209/5*x - 286
sage: A = M([3, 0, -2, 0, -2, 0, 0, 0, 0])
sage: A.fcp('T')                                                            # needs sage.libs.pari
(T - 3) * T * (T + 2)
find(f, indices=False)#

Find elements in this matrix satisfying the constraints in the function \(f\). The function is evaluated on each element of the matrix .

INPUT:

  • f - a function that is evaluated on each element of this matrix.

  • indices - whether or not to return the indices and elements of this matrix that satisfy the function.

OUTPUT: If indices is not specified, return a matrix with 1 where \(f\) is satisfied and 0 where it is not. If indices is specified, return a dictionary containing the elements of this matrix satisfying \(f\).

EXAMPLES:

sage: M = matrix(4,3,[1, -1/2, -1, 1, -1, -1/2, -1, 0, 0, 2, 0, 1])
sage: M.find(lambda entry: entry == 0)
[0 0 0]
[0 0 0]
[0 1 1]
[0 1 0]
sage: M.find(lambda u: u < 0)
[0 1 1]
[0 1 1]
[1 0 0]
[0 0 0]
sage: M = matrix(4,3,[1, -1/2, -1, 1, -1, -1/2, -1, 0, 0, 2, 0, 1])
sage: len(M.find(lambda u:u<1 and u>-1,indices=True))
5
sage: M.find(lambda u: u != 1/2)
[1 1 1]
[1 1 1]
[1 1 1]
[1 1 1]
sage: M.find(lambda u: u > 1.2)
[0 0 0]
[0 0 0]
[0 0 0]
[1 0 0]
sage: sorted(M.find(lambda u: u != 0, indices=True).keys()) == M.nonzero_positions()
True
fitting_ideal(i)#

Return the \(i\)-th Fitting ideal of the matrix. This is the ideal generated by the \(n - i\) minors, where \(n\) is the number of columns.

INPUT:

i – an integer

OUTPUT:

An ideal on the base ring.

EXAMPLES:

sage: R.<x,y,z> = QQ[]
sage: M = matrix(R, [[2*x-z, 0, y-z^2, 1], [0, z - y, z - x, 0],[z - y, x^2 - y, 0, 0]])
sage: M
[ 2*x - z        0 -z^2 + y        1]
[       0   -y + z   -x + z        0]
[  -y + z  x^2 - y        0        0]
sage: [R.ideal(M.minors(i)) == M.fitting_ideal(4-i) for i in range(5)]
[True, True, True, True, True]
sage: M.fitting_ideal(0)
Ideal (0) of Multivariate Polynomial Ring in x, y, z over Rational Field
sage: M.fitting_ideal(1)
Ideal (2*x^4 - 3*x^3*z + x^2*z^2 + y^2*z^2 - 2*y*z^3 + z^4 - 2*x^2*y - y^3 + 3*x*y*z + 2*y^2*z - 2*y*z^2, -x^3 + x^2*z + x*y - y*z, y^2 - 2*y*z + z^2, x*y - x*z - y*z + z^2) of Multivariate Polynomial Ring in x, y, z over Rational Field
sage: M.fitting_ideal(3)
Ideal (2*x - z, -z^2 + y, 1, -y + z, -x + z, -y + z, x^2 - y) of Multivariate Polynomial Ring in x, y, z over Rational Field
sage: M.fitting_ideal(4)
Ideal (1) of Multivariate Polynomial Ring in x, y, z over Rational Field

If the base ring is a field, the Fitting ideals are zero under the corank:

sage: M = matrix(QQ, [[2,1,3,5],[4,2,6,6],[0,3,2,0]])
sage: M
[2 1 3 5]
[4 2 6 6]
[0 3 2 0]
sage: M.fitting_ideal(0)
Principal ideal (0) of Rational Field
sage: M.fitting_ideal(1)
Principal ideal (1) of Rational Field
sage: M.fitting_ideal(2)
Principal ideal (1) of Rational Field
sage: M.fitting_ideal(3)
Principal ideal (1) of Rational Field
sage: M.fitting_ideal(4)
Principal ideal (1) of Rational Field

In the case of principal ideal domains, it is given by the elementary divisors:

sage: M = matrix([[2,1,3,5],[4,2,6,6],[0,3,2,0]])
sage: M
[2 1 3 5]
[4 2 6 6]
[0 3 2 0]
sage: M.fitting_ideal(0)
Principal ideal (0) of Integer Ring
sage: M.fitting_ideal(1)
Principal ideal (4) of Integer Ring
sage: M.fitting_ideal(2)
Principal ideal (1) of Integer Ring
sage: M.fitting_ideal(3)
Principal ideal (1) of Integer Ring
sage: M.fitting_ideal(4)
Principal ideal (1) of Integer Ring
sage: M.elementary_divisors()
[1, 1, 4]

This is also true for univariate polynomials over a field:

sage: R.<x> = QQ[]
sage: M = matrix(R,[[x^2-2*x+1, x-1,x^2-1],[0,x+1,1]])
sage: M.fitting_ideal(0)
Principal ideal (0) of Univariate Polynomial Ring in x over Rational Field
sage: M.fitting_ideal(1)
Principal ideal (x - 1) of Univariate Polynomial Ring in x over Rational Field
sage: M.fitting_ideal(2)
Principal ideal (1) of Univariate Polynomial Ring in x over Rational Field
sage: M.smith_form()[0]
[    1     0     0]
[    0 x - 1     0]
get_subdivisions()#

Returns the current subdivision of self.

EXAMPLES:

sage: M = matrix(5, 5, range(25))
sage: M.subdivisions()
([], [])
sage: M.subdivide(2,3)
sage: M.subdivisions()
([2], [3])
sage: N = M.parent()(1)
sage: N.subdivide(M.subdivisions()); N
[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]
gram_schmidt(orthonormal=False)#

Performs Gram-Schmidt orthogonalization on the rows of the matrix, returning a new matrix and a matrix accomplishing the transformation.

INPUT:

  • self - a matrix whose rows are to be orthogonalized.

  • orthonormal - default: False - if True the returned orthogonal vectors are unit vectors. This keyword is ignored if the matrix is over RDF or CDF and the results are always orthonormal.

OUTPUT:

A pair of matrices, G and M such that if A represents self, where the parenthetical properties occur when orthonormal = True:

  • A = M*G

  • The rows of G are an orthogonal (resp. orthonormal) set of vectors.

  • G times the conjugate-transpose of G is a diagonal (resp. identity) matrix.

  • The row space of G equals the row space of A.

  • M is a full-rank matrix with zeros above the diagonal.

For exact rings, any zero vectors produced (when the original vectors are linearly dependent) are not output, thus the orthonormal set is linearly independent, and thus a basis for the row space of the original matrix.

Any notion of a Gram-Schmidt procedure requires that the base ring of the matrix has a fraction field implemented. In order to arrive at an orthonormal set, it must be possible to construct square roots of the elements of the base field. In Sage, your best option is the field of algebraic numbers, QQbar, which properly contains the rationals and number fields.

If you have an approximate numerical matrix, then this routine requires that your base field be the real and complex double-precision floating point numbers, RDF and CDF. In this case, the matrix is treated as having full rank, as no attempt is made to recognize linear dependence with approximate calculations.

EXAMPLES:

Inexact Rings, Numerical Matrices:

First, the inexact rings, CDF and RDF.

sage: # needs scipy sage.rings.complex_double sage.symbolic
sage: A = matrix(CDF, [[ 0.6454 + 0.7491*I, -0.8662 + 0.1489*I,  0.7656 - 0.00344*I],
....:                  [-0.2913 + 0.8057*I,  0.8321 + 0.8170*I, -0.6744 + 0.9248*I],
....:                  [ 0.2554 + 0.3517*I, -0.4454 - 0.1715*I,  0.8325 - 0.6282*I]])
sage: G, M = A.gram_schmidt()
sage: G.round(6)  # random signs
[-0.422243 - 0.490087*I  0.566698 - 0.097416*I -0.500882 + 0.002251*I]
[-0.057002 - 0.495035*I  -0.35059 - 0.625323*I  0.255514 - 0.415284*I]
[ 0.394105 - 0.421778*I -0.392266 - 0.039345*I  -0.352905 + 0.62195*I]
sage: M.round(6)  # random
[             -1.528503                    0.0                    0.0]
[  0.459974 - 0.40061*I              -1.741233                    0.0]
[-0.934304 + 0.148868*I   0.54833 + 0.073202*I              -0.550725]
sage: (A - M*G).zero_at(10^-12)
[0.0 0.0 0.0]
[0.0 0.0 0.0]
[0.0 0.0 0.0]
sage: (G*G.conjugate_transpose())  # random
[0.9999999999999999                0.0                0.0]
[               0.0 0.9999999999999997                0.0]
[               0.0                0.0                1.0]

A rectangular matrix. Note that the orthonormal keyword is ignored in these cases.

sage: # needs scipy
sage: A = matrix(RDF, [[-0.978325, -0.751994, 0.925305, -0.200512, 0.420458],
....:                  [-0.474877, -0.983403, 0.089836,  0.132218, 0.672965]])
sage: G, M = A.gram_schmidt(orthonormal=False)
sage: G.round(6).zero_at(10^-6)
[-0.607223 -0.466745  0.574315 -0.124453  0.260968]
[ 0.123203 -0.617909 -0.530578  0.289773  0.487368]
sage: M.round(6).zero_at(10^-6)
[1.611147      0.0]
[0.958116 0.867778]
sage: (A - M*G).zero_at(10^-12)
[0.0 0.0 0.0 0.0 0.0]
[0.0 0.0 0.0 0.0 0.0]
sage: (G*G.transpose()).round(6).zero_at(10^-6)
[1.0 0.0]
[0.0 1.0]

Even though a set of vectors may be linearly dependent, no effort is made to decide when a zero vector is really the result of a relation of linear dependence. So in this regard, input matrices are treated as being of full rank. Try one of the base rings that provide exact results if you need exact results.

sage: # needs scipy
sage: entries = [[1,1,2], [2,1,3], [3,1,4]]
sage: A = matrix(QQ, entries)
sage: A.rank()
2
sage: B = matrix(RDF, entries)
sage: G, M = B.gram_schmidt()
sage: G.round(6)  # random signs
[-0.408248 -0.408248 -0.816497]
[ 0.707107 -0.707107      -0.0]
[ -0.57735  -0.57735   0.57735]
sage: M.round(10)  # random
[-2.4494897428           0.0           0.0]
[-3.6742346142  0.7071067812           0.0]
[-4.8989794856  1.4142135624           0.0]
sage: (A - M*G).zero_at(1e-14)
[0.0 0.0 0.0]
[0.0 0.0 0.0]
[0.0 0.0 0.0]
sage: (G*G.transpose())  # abs tol 1e-14
[0.9999999999999997                0.0                0.0]
[               0.0 0.9999999999999998                0.0]
[               0.0                0.0                1.0]

Exact Rings, Orthonormalization:

To scale a vector to unit length requires taking a square root, which often takes us outside the base ring. For the integers and the rationals, the field of algebraic numbers (QQbar) is big enough to contain what we need, but the price is that the computations are very slow, hence mostly of value for small cases or instruction. Now we need to use the orthonormal keyword.

sage: # needs sage.rings.number_field
sage: A = matrix(QQbar, [[6, -8,  1],
....:                    [4,  1,  3],
....:                    [6,  3,  3],
....:                    [7,  1, -5],
....:                    [7, -3,  5]])
sage: G, M = A.gram_schmidt(orthonormal=True)
sage: G
[ 0.5970223141259934? -0.7960297521679913? 0.09950371902099891?]
[ 0.6063218341690895?  0.5289635311888953?  0.5937772444966257?]
[ 0.5252981913594170?  0.2941669871612735?  -0.798453250866314?]
sage: M
[ 10.04987562112089?                   0                   0]
[ 1.890570661398980?  4.735582601355131?                   0]
[ 1.492555785314984?  7.006153332071100?  1.638930357041381?]
[ 2.885607851608969?  1.804330147889395?  7.963520581008761?]
[ 7.064764050490923?  5.626248468100069? -1.197679876299471?]
sage: M*G - A
[0 0 0]
[0 0 0]
[0 0 0]
[0 0 0]
[0 0 0]
sage: (G*G.transpose() - identity_matrix(3)).norm() < 10^-10
True
sage: G.row_space() == A.row_space()
True

After github issue #14047, the matrix can also be over the algebraic reals AA:

sage: # needs sage.rings.number_field
sage: A = matrix(AA, [[6, -8,  1],
....:                 [4,  1,  3],
....:                 [6,  3,  3],
....:                 [7,  1, -5],
....:                 [7, -3,  5]])
sage: G, M = A.gram_schmidt(orthonormal=True)
sage: G
[ 0.5970223141259934? -0.7960297521679913? 0.09950371902099891?]
[ 0.6063218341690895?  0.5289635311888953?  0.5937772444966257?]
[ 0.5252981913594170?  0.2941669871612735?  -0.798453250866314?]
sage: M
[ 10.04987562112089?                   0                   0]
[ 1.890570661398980?  4.735582601355131?                   0]
[ 1.492555785314984?  7.006153332071100?  1.638930357041381?]
[ 2.885607851608969?  1.804330147889395?  7.963520581008761?]
[ 7.064764050490923?  5.626248468100069? -1.197679876299471?]

Starting with complex numbers with rational real and imaginary parts. Note the use of the conjugate-transpose when checking the orthonormality.

sage: # needs sage.rings.number_field
sage: A = matrix(QQbar, [[  -2,    -I - 1, 4*I + 2,       -1],
....:                    [-4*I, -2*I + 17,       0,  9*I + 1],
....:                    [   1,  -2*I - 6, -I + 11, -5*I + 1]])
sage: G, M = A.gram_schmidt(orthonormal=True)
sage: (M*G - A).norm() < 10^-10
True
sage: id3 = G*G.conjugate().transpose()
sage: (id3 - identity_matrix(3)).norm() < 10^-10
True
sage: G.row_space() == A.row_space()        # long time
True

A square matrix with small rank. The zero vectors produced as a result of linear dependence get eliminated, so the rows of G are a basis for the row space of A.

sage: # needs sage.rings.number_field
sage: A = matrix(QQbar, [[2, -6, 3, 8],
....:                    [1, -3, 2, 5],
....:                    [0,  0, 2, 4],
....:                    [2, -6, 3, 8]])
sage: A.change_ring(QQ).rank()
2
sage: G, M = A.gram_schmidt(orthonormal=True)
sage: G
[ 0.1881441736767195? -0.5644325210301583?  0.2822162605150792?  0.7525766947068779?]
[-0.2502818123591464?   0.750845437077439?  0.3688363550555841?  0.4873908977520218?]
sage: M
[10.630145812734649?                   0]
[ 6.208757731331742? 0.6718090752798139?]
[ 3.574739299857670?  2.687236301119256?]
[10.630145812734649?                   0]
sage: M*G - A
[0 0 0 0]
[0 0 0 0]
[0 0 0 0]
[0 0 0 0]
sage: (G*G.transpose() - identity_matrix(2)).norm() < 10^-10
True
sage: G.row_space() == A.row_space()
True

Exact Rings, Orthogonalization:

If we forego scaling orthogonal vectors to unit vectors, we can apply Gram-Schmidt to a much greater variety of rings. Use the orthonormal=False keyword (or assume it as the default). Note that now the orthogonality check creates a diagonal matrix whose diagonal entries are the squares of the lengths of the vectors.

First, in the rationals, without involving QQbar.

sage: A = matrix(QQ, [[-1,  3,  2,  2],
....:                 [-1,  0, -1,  0],
....:                 [-1, -2, -3, -1],
....:                 [ 1,  1,  2,  0]])
sage: A.rank()
3
sage: G, M = A.gram_schmidt()
sage: G
[    -1      3      2      2]
[-19/18    1/6   -8/9    1/9]
[  2/35  -4/35  -2/35   9/35]
sage: M
[     1      0      0]
[ -1/18      1      0]
[-13/18  59/35      1]
[   1/3 -48/35     -2]
sage: M*G-A
[0 0 0 0]
[0 0 0 0]
[0 0 0 0]
[0 0 0 0]
sage: G*G.transpose()
[   18     0     0]
[    0 35/18     0]
[    0     0  3/35]
sage: G.row_space() == A.row_space()
True

A complex subfield of the complex numbers.

sage: # needs sage.rings.number_field
sage: C.<z> = CyclotomicField(5)
sage: A = matrix(C,
....:       [[              -z^3 - 2*z,             -z^3 - 1, 2*z^3 - 2*z^2 + 2*z,             1],
....:        [         z^3 - 2*z^2 + 1, -z^3 + 2*z^2 - z - 1,                  -1,       z^2 + z],
....:        [-1/2*z^3 - 2*z^2 + z + 1,         -z^3 + z - 2,    -2*z^3 + 1/2*z^2, 2*z^2 - z + 2]])
sage: G, M = A.gram_schmidt(orthonormal=False)
sage: G
[                                                      -z^3 - 2*z                                                         -z^3 - 1                                              2*z^3 - 2*z^2 + 2*z                                                                1]
[                   155/139*z^3 - 161/139*z^2 + 31/139*z + 13/139                 -175/139*z^3 + 180/139*z^2 - 125/139*z - 142/139                     230/139*z^3 + 124/139*z^2 + 6/139*z + 19/139                      -14/139*z^3 + 92/139*z^2 - 6/139*z - 95/139]
[-10359/19841*z^3 - 36739/39682*z^2 + 24961/39682*z - 11879/39682  -28209/39682*z^3 - 3671/19841*z^2 + 51549/39682*z - 38613/39682    -42769/39682*z^3 - 615/39682*z^2 - 1252/19841*z - 14392/19841   4895/19841*z^3 + 57885/39682*z^2 - 46094/19841*z + 65747/39682]
sage: M
[                                                           1                                                            0                                                            0]
[                14/139*z^3 + 47/139*z^2 + 145/139*z + 95/139                                                            1                                                            0]
[              -7/278*z^3 + 199/278*z^2 + 183/139*z + 175/278 -3785/39682*z^3 + 3346/19841*z^2 - 3990/19841*z + 2039/19841                                                            1]
sage: M*G - A
[0 0 0 0]
[0 0 0 0]
[0 0 0 0]
sage: G*G.conjugate().transpose()
[                               15*z^3 + 15*z^2 + 28                                                   0                                                   0]
[                                                  0                463/139*z^3 + 463/139*z^2 + 1971/139                                                   0]
[                                                  0                                                   0 230983/19841*z^3 + 230983/19841*z^2 + 1003433/39682]
sage: G.row_space() == A.row_space()
True

A slightly edited legacy example.

sage: A = matrix(ZZ, 3, [-1, 2, 5, -11, 1, 1, 1, -1, -3]); A
[ -1   2   5]
[-11   1   1]
[  1  -1  -3]
sage: G, mu = A.gram_schmidt()
sage: G
[     -1       2       5]
[  -52/5    -1/5      -2]
[  2/187  36/187 -14/187]
sage: mu
[     1      0      0]
[   3/5      1      0]
[  -3/5 -7/187      1]
sage: G.row(0) * G.row(1)
0
sage: G.row(0) * G.row(2)
0
sage: G.row(1) * G.row(2)
0

The relation between mu and A is as follows.

sage: mu*G == A
True
hadamard_bound()#

Return an int n such that the absolute value of the determinant of this matrix is at most \(10^n\).

This is got using both the row norms and the column norms.

This function only makes sense when the base field can be coerced to the real double field RDF or the MPFR Real Field with 53-bits precision.

EXAMPLES:

sage: a = matrix(ZZ, 3, [1,2,5,7,-3,4,2,1,123])
sage: a.hadamard_bound()
4
sage: a.det()
-2014
sage: 10^4
10000

In this example the Hadamard bound has to be computed (automatically) using MPFR instead of doubles, since doubles overflow:

sage: a = matrix(ZZ, 2, [2^10000, 3^10000, 2^50, 3^19292])
sage: a.hadamard_bound()
12215
sage: len(str(a.det()))
12215
hermite_form(include_zero_rows=True, transformation=False)#

Return the Hermite form of self, if it is defined.

INPUT:

  • include_zero_rows – bool (default: True); if False the zero rows in the output matrix are deleted.

  • transformation – bool (default: False) a matrix U such that U*self == H.

OUTPUT:

  • matrix H

  • (optional) transformation matrix U such that U*self == H, possibly with zero rows deleted…

EXAMPLES:

sage: M = FunctionField(GF(7), 'x').maximal_order()
sage: K.<x> = FunctionField(GF(7)); M = K.maximal_order()
sage: A = matrix(M, 2, 3, [x, 1, 2*x, x, 1 + x, 2])
sage: A.hermite_form()
[      x       1     2*x]
[      0       x 5*x + 2]
sage: A.hermite_form(transformation=True)
(
[      x       1     2*x]  [1 0]
[      0       x 5*x + 2], [6 1]
)
sage: A = matrix(M, 2, 3, [x, 1, 2*x, 2*x, 2, 4*x])
sage: A.hermite_form(transformation=True, include_zero_rows=False)
([  x   1 2*x], [1 0])
sage: H, U = A.hermite_form(transformation=True, include_zero_rows=True)
sage: H, U
(
[  x   1 2*x]  [1 0]
[  0   0   0], [5 1]
)
sage: U * A == H
True
sage: H, U = A.hermite_form(transformation=True, include_zero_rows=False)
sage: U * A
[  x   1 2*x]
sage: U * A == H
True
hessenberg_form()#

Return Hessenberg form of self.

If the base ring is merely an integral domain (and not a field), the Hessenberg form will (in general) only be defined over the fraction field of the base ring.

EXAMPLES:

sage: A = matrix(ZZ,4,[2, 1, 1, -2, 2, 2, -1, -1, -1,1,2,3,4,5,6,7])
sage: h = A.hessenberg_form(); h
[    2  -7/2 -19/5    -2]
[    2   1/2 -17/5    -1]
[    0  25/4  15/2   5/2]
[    0     0  58/5     3]
sage: parent(h)
Full MatrixSpace of 4 by 4 dense matrices over Rational Field
sage: A.hessenbergize()
Traceback (most recent call last):
...
TypeError: Hessenbergize only possible for matrices over a field
hessenbergize()#

Transform self to Hessenberg form.

The hessenberg form of a matrix \(A\) is a matrix that is similar to \(A\), so has the same characteristic polynomial as \(A\), and is upper triangular except possible for entries right below the diagonal.

ALGORITHM: See Henri Cohen’s first book.

EXAMPLES:

sage: A = matrix(QQ,3, [2, 1, 1, -2, 2, 2, -1, -1, -1])
sage: A.hessenbergize(); A
[  2 3/2   1]
[ -2   3   2]
[  0  -3  -2]
sage: A = matrix(QQ,4, [2, 1, 1, -2, 2, 2, -1, -1, -1,1,2,3,4,5,6,7])
sage: A.hessenbergize(); A
[    2  -7/2 -19/5    -2]
[    2   1/2 -17/5    -1]
[    0  25/4  15/2   5/2]
[    0     0  58/5     3]

You can’t Hessenbergize an immutable matrix:

sage: A = matrix(QQ, 3, [1..9])
sage: A.set_immutable()
sage: A.hessenbergize()
Traceback (most recent call last):
...
ValueError: matrix is immutable; please change a copy instead (i.e., use copy(M) to change a copy of M).
image()#

Return the image of the homomorphism on rows defined by right multiplication by this matrix: that is, the row-space.

EXAMPLES:

sage: MS1 = MatrixSpace(ZZ,4)
sage: MS2 = MatrixSpace(QQ,6)
sage: A = MS1.matrix([3,4,5,6,7,3,8,10,14,5,6,7,2,2,10,9])
sage: B = MS2.random_element()
sage: image(A)
Free module of degree 4 and rank 4 over Integer Ring
Echelon basis matrix:
[  1   0   0 426]
[  0   1   0 518]
[  0   0   1 293]
[  0   0   0 687]
sage: image(B) == B.row_module()
True
sage: image(B) == B.transpose().column_module()
True
indefinite_factorization(algorithm='symmetric', check=True)#

Decomposes a symmetric or Hermitian matrix into a lower triangular matrix and a diagonal matrix.

INPUT:

  • self - a square matrix over a ring. The base ring must have an implemented fraction field.

  • algorithm - default: 'symmetric'. Either 'symmetric' or 'hermitian', according to if the input matrix is symmetric or hermitian.

  • check - default: True - if True then performs the check that the matrix is consistent with the algorithm keyword.

OUTPUT:

A lower triangular matrix \(L\) with each diagonal element equal to \(1\) and a vector of entries that form a diagonal matrix \(D\). The vector of diagonal entries can be easily used to form the matrix, as demonstrated below in the examples.

For a symmetric matrix, \(A\), these will be related by

\[A = LDL^T\]

If \(A\) is Hermitian matrix, then the transpose of \(L\) should be replaced by the conjugate-transpose of \(L\).

If any leading principal submatrix (a square submatrix in the upper-left corner) is singular then this method will fail with a ValueError.

ALGORITHM:

The algorithm employed only uses field operations, but the computation of each diagonal entry has the potential for division by zero. The number of operations is of order \(n^3/3\), which is half the count for an LU decomposition. This makes it an appropriate candidate for solving systems with symmetric (or Hermitian) coefficient matrices.

See also

block_ldlt()

EXAMPLES:

There is no requirement that a matrix be positive definite, as indicated by the negative entries in the resulting diagonal matrix. The default is that the input matrix is symmetric.

sage: A = matrix(QQ, [[ 3,  -6,   9,   6,  -9],
....:                 [-6,  11, -16, -11,  17],
....:                 [ 9, -16,  28,  16, -40],
....:                 [ 6, -11,  16,   9, -19],
....:                 [-9,  17, -40, -19,  68]])
sage: A.is_symmetric()
True
sage: L, d = A.indefinite_factorization()
sage: D = diagonal_matrix(d)
sage: L
[ 1  0  0  0  0]
[-2  1  0  0  0]
[ 3 -2  1  0  0]
[ 2 -1  0  1  0]
[-3  1 -3  1  1]
sage: D
[ 3  0  0  0  0]
[ 0 -1  0  0  0]
[ 0  0  5  0  0]
[ 0  0  0 -2  0]
[ 0  0  0  0 -1]
sage: A == L*D*L.transpose()
True

Optionally, Hermitian matrices can be factored and the result has a similar property (but not identical). Here, the field is all complex numbers with rational real and imaginary parts. As theory predicts, the diagonal entries will be real numbers.

sage: # needs sage.rings.number_field
sage: C.<I> = QuadraticField(-1)
sage: B = matrix(C, [[      2, 4 - 2*I, 2 + 2*I],
....:                [4 + 2*I,       8,    10*I],
....:                [2 - 2*I,   -10*I,      -3]])
sage: B.is_hermitian()
True
sage: L, d = B.indefinite_factorization(algorithm='hermitian')
sage: D = diagonal_matrix(d)
sage: L
[      1       0       0]
[  I + 2       1       0]
[ -I + 1 2*I + 1       1]
sage: D
[ 2  0  0]
[ 0 -2  0]
[ 0  0  3]
sage: B == L*D*L.conjugate_transpose()
True

If a leading principal submatrix has zero determinant, this algorithm will fail. This will never happen with a positive definite matrix.

sage: A = matrix(QQ, [[21, 15, 12, -2],
....:                 [15, 12,  9,  6],
....:                 [12,  9,  7,  3],
....:                 [-2,  6,  3,  8]])
sage: A.is_symmetric()
True
sage: A[0:3,0:3].det() == 0
True
sage: A.indefinite_factorization()
Traceback (most recent call last):
...
ValueError: 3x3 leading principal submatrix is singular,
so cannot create indefinite factorization

This algorithm only depends on field operations, so outside of the singular submatrix situation, any matrix may be factored. This provides a reasonable alternative to the Cholesky decomposition.

sage: # needs sage.rings.finite_rings
sage: F.<a> = FiniteField(5^3)
sage: A = matrix(F,
....:     [[      a^2 + 2*a, 4*a^2 + 3*a + 4,       3*a^2 + a, 2*a^2 + 2*a + 1],
....:      [4*a^2 + 3*a + 4,       4*a^2 + 2,             3*a, 2*a^2 + 4*a + 2],
....:      [      3*a^2 + a,             3*a,       3*a^2 + 2, 3*a^2 + 2*a + 3],
....:      [2*a^2 + 2*a + 1, 2*a^2 + 4*a + 2, 3*a^2 + 2*a + 3, 3*a^2 + 2*a + 4]])
sage: A.is_symmetric()
True
sage: L, d = A.indefinite_factorization()
sage: D = diagonal_matrix(d)
sage: L
[              1               0               0               0]
[4*a^2 + 4*a + 3               1               0               0]
[              3   4*a^2 + a + 2               1               0]
[      4*a^2 + 4 2*a^2 + 3*a + 3 2*a^2 + 3*a + 1               1]
sage: D
[      a^2 + 2*a               0               0               0]
[              0 2*a^2 + 2*a + 4               0               0]
[              0               0 3*a^2 + 4*a + 3               0]
[              0               0               0       a^2 + 3*a]
sage: A == L*D*L.transpose()
True

This works correctly for the 0x0 matrix:

sage: Matrix(0).indefinite_factorization()
([], ())
integer_kernel(ring='ZZ')#

Return the kernel of this matrix over the given ring (which should be either the base ring, or a PID whose fraction field is the base ring).

Assume that the base field of this matrix has a numerator and denominator functions for its elements, e.g., it is the rational numbers or a fraction field. This function computes a basis over the integers for the kernel of self.

If the matrix is not coercible into QQ, then the PID itself should be given as a second argument, as in the third example below.

EXAMPLES:

sage: A = MatrixSpace(QQ, 4)(range(16))
sage: A.integer_kernel()
Free module of degree 4 and rank 2 over Integer Ring
Echelon basis matrix:
[ 1  0 -3  2]
[ 0  1 -2  1]

The integer kernel even makes sense for matrices with fractional entries:

sage: A = MatrixSpace(QQ, 2)([1/2, 0, 0, 0])
sage: A.integer_kernel()
Free module of degree 2 and rank 1 over Integer Ring
Echelon basis matrix:
[0 1]

An example over a bigger ring:

sage: # needs sage.rings.number_field
sage: x = polygen(ZZ, 'x')
sage: L.<w> = NumberField(x^2 - x + 2)
sage: OL = L.ring_of_integers()
sage: A = matrix(L, 2, [1, w/2])
sage: A.integer_kernel(OL)
Free module of degree 2 and rank 1 over
 Maximal Order generated by w in Number Field in w
 with defining polynomial x^2 - x + 2
 Echelon basis matrix:
 [    -1 -w + 1]
inverse()#

Returns the inverse of self, without changing self.

Note that one can use the Python inverse operator to obtain the inverse as well.

EXAMPLES:

sage: m = matrix([[1,2],[3,4]])
sage: m^(-1)
[  -2    1]
[ 3/2 -1/2]
sage: m.inverse()
[  -2    1]
[ 3/2 -1/2]
sage: ~m
[  -2    1]
[ 3/2 -1/2]
sage: m = matrix([[1,2],[3,4]], sparse=True)
sage: m^(-1)
[  -2    1]
[ 3/2 -1/2]
sage: m.inverse()
[  -2    1]
[ 3/2 -1/2]
sage: ~m
[  -2    1]
[ 3/2 -1/2]
inverse_positive_definite()#

Compute the inverse of a positive-definite matrix.

In accord with is_positive_definite(), only Hermitian matrices are considered positive-definite. Positive-definite matrices have several factorizations (Cholesky, LDLT, et cetera) that allow them to be inverted in a fast, numerically-stable way. This method uses an appropriate factorization, and is akin to the cholinv and chol2inv functions available in R, Octave, and Stata.

You should ensure that your matrix is positive-definite before using this method. When in doubt, use the generic inverse() method instead.

OUTPUT:

If the given matrix is positive-definite, the return value is the same as that of the inverse() method. If the matrix is not positive-definite, the behavior of this function is undefined.

EXAMPLES:

A simple two-by-two matrix with rational entries:

sage: A = matrix(QQ, [[ 2, -1],
....:                 [-1,  2]])
sage: A.is_positive_definite()
True
sage: A.inverse_positive_definite()
[2/3 1/3]
[1/3 2/3]
sage: A.inverse_positive_definite() == A.inverse()
True

A matrix containing real roots:

sage: # needs sage.rings.number_field sage.symbolic
sage: A = matrix(AA, [ [1,       0,       sqrt(2)],
....:                  [0,       sqrt(3), 0      ],
....:                  [sqrt(2), 0,       sqrt(5)] ])
sage: A.is_positive_definite()
True
sage: B = matrix(AA, [ [2*sqrt(5) + 5, 0, -sqrt(8*sqrt(5) + 18)],
....:                  [0,             sqrt(1/3),             0],
....:                  [-sqrt(8*sqrt(5) + 18), 0, sqrt(5) + 2] ])
sage: A.inverse_positive_definite() == B
True
sage: A*B == A.matrix_space().identity_matrix()
True

A Hermitian (but not symmetric) matrix with complex entries:

sage: # needs sage.rings.number_field sage.symbolic
sage: A = matrix(QQbar, [ [ 1,  0,        I  ],
....:                     [ 0,  sqrt(5),  0  ],
....:                     [-I,  0,        3  ] ])
sage: A.is_positive_definite()
True
sage: B = matrix(QQbar, [ [ 3/2, 0,        -I/2 ],
....:                     [ 0,   sqrt(1/5), 0   ],
....:                     [ I/2, 0,         1/2 ] ])
sage: A.inverse_positive_definite() == B
True
sage: A*B == A.matrix_space().identity_matrix()
True
is_Z_operator_on(K)#

Determine if this matrix is a Z-operator on a cone.

We say that a matrix \(L\) is a Z-operator on a closed convex cone \(K\) if the inner product of \(Lx\) and \(s\) is nonpositive for all pairs of orthogonal vectors \(x\) in \(K\) and \(s\) in the dual of \(K\). This property need only be checked for generators of \(K\) and its dual.

A matrix is a Z-operator on \(K\) if and only if its negation is a cross-positive operator on \(K\).

To reliably check whether or not this matrix is a Z operator, its base ring must be either exact (for example, the rationals) or the symbolic ring. An exact ring is more reliable, but in some cases a matrix whose entries contain symbolic constants like \(e\) and \(\pi\) will work.

INPUT:

  • K – a polyhedral closed convex cone.

OUTPUT:

If the base ring of this matrix is exact, then True will be returned if and only if this matrix is a Z-operator on K.

If the base ring of this matrix is symbolic, then the situation is more complicated:

  • True will be returned if it can be proven that this matrix is a Z-operator on K.

  • False will be returned if it can be proven that this matrix is not a Z-operator on K.

  • False will also be returned if we can’t decide; specifically if we arrive at a symbolic inequality that cannot be resolved.

REFERENCES:

A. Berman and R. J. Plemmons. Nonnegative Matrices in the Mathematical Sciences. SIAM, Philadelphia, 1994.

EXAMPLES:

Z-matrices are Z-operators on the nonnegative orthant:

sage: K = Cone([(1,0,0), (0,1,0), (0,0,1)])                                 # needs sage.geometry.polyhedron
sage: L = matrix(SR, [ [-1, -2,  0],                                        # needs sage.symbolic
....:                  [ 0,  2, -7],
....:                  [-3,  0,  3] ])
sage: L.is_Z_operator_on(K)                                                 # needs sage.geometry.polyhedron sage.symbolic
True

Symbolic entries also work in some easy cases:

sage: K = Cone([(1,0,0), (0,1,0), (0,0,1)])                                 # needs sage.geometry.polyhedron
sage: L = matrix(SR, [ [-1,      -e,  0 ],                                  # needs sage.symbolic
....:                  [ 0,       2, -pi],
....:                  [-sqrt(2), 0,  3 ] ])
sage: L.is_Z_operator_on(K)                                                 # needs sage.geometry.polyhedron sage.symbolic
True
is_bistochastic(normalized=True)#

Returns True if this matrix is bistochastic.

A matrix is said to be bistochastic if both the sums of the entries of each row and the sum of the entries of each column are equal to 1 and all entries are nonnegative.

INPUT:

  • normalized – if set to True (default), checks that the sums are equal to 1. When set to False, checks that the row sums and column sums are all equal to some constant possibly different from 1.

EXAMPLES:

The identity matrix is clearly bistochastic:

sage: Matrix(5,5,1).is_bistochastic()
True

The same matrix, multiplied by 2, is not bistochastic anymore, though is verifies the constraints of normalized == False:

sage: (2 * Matrix(5,5,1)).is_bistochastic()
False
sage: (2 * Matrix(5,5,1)).is_bistochastic(normalized=False)
True

Here is a matrix whose row and column sums is 1, but not all entries are nonnegative:

sage: m = matrix([[-1,2],[2,-1]])
sage: m.is_bistochastic()
False
is_cross_positive_on(K)#

Determine if this matrix is cross-positive on a cone.

We say that a matrix \(L\) is cross-positive on a closed convex cone \(K\) if the inner product of \(Lx\) and \(s\) is nonnegative for all pairs of orthogonal vectors \(x\) in \(K\) and \(s\) in the dual of \(K\). This property need only be checked for generators of \(K\) and its dual.

To reliably check whether or not this matrix is cross-positive, its base ring must be either exact (for example, the rationals) or the symbolic ring. An exact ring is more reliable, but in some cases a matrix whose entries contain symbolic constants like \(e\) and \(\pi\) will work.

INPUT:

  • K – a polyhedral closed convex cone.

OUTPUT:

If the base ring of this matrix is exact, then True will be returned if and only if this matrix is cross-positive on K.

If the base ring of this matrix is symbolic, then the situation is more complicated:

  • True will be returned if it can be proven that this matrix is cross-positive on K.

  • False will be returned if it can be proven that this matrix is not cross-positive on K.

  • False will also be returned if we can’t decide; specifically if we arrive at a symbolic inequality that cannot be resolved.

REFERENCES:

H. Schneider and M. Vidyasagar. Cross-positive matrices. SIAM Journal on Numerical Analysis, 7:508-519, 1970.

EXAMPLES:

Negative Z-matrices are cross-positive operators on the nonnegative orthant:

sage: K = Cone([(1,0,0), (0,1,0), (0,0,1)])                                 # needs sage.geometry.polyhedron
sage: L = matrix(SR, [ [-1, 2, 0],                                          # needs sage.symbolic
....:                  [ 0, 2, 7],
....:                  [ 3, 0, 3] ])
sage: L.is_cross_positive_on(K)                                             # needs sage.geometry.polyhedron sage.symbolic
True

Symbolic entries also work in some easy cases:

sage: K = Cone([(1,0,0),(0,1,0),(0,0,1)])                                   # needs sage.geometry.polyhedron
sage: L = matrix(SR, [ [-1,       e, 0 ],                                   # needs sage.symbolic
....:                  [ 0,       2, pi],
....:                  [ sqrt(2), 0, 3 ] ])
sage: L.is_cross_positive_on(K)                                             # needs sage.geometry.polyhedron sage.symbolic
True
is_diagonal()#

Return True if this matrix is a diagonal matrix.

OUTPUT:

boolean

EXAMPLES:

sage: m = matrix(QQ,2,2,range(4))
sage: m.is_diagonal()
False
sage: m = matrix(QQ,2,[5,0,0,5])
sage: m.is_diagonal()
True
sage: m = matrix(QQ,2,[1,0,0,1])
sage: m.is_diagonal()
True
sage: m = matrix(QQ,2,[1,1,1,1])
sage: m.is_diagonal()
False
is_diagonalizable(base_field=None)#

Determine if the matrix is similar to a diagonal matrix.

INPUT:

  • base_field - a new field to use for entries of the matrix.

OUTPUT:

If self is the matrix \(A\), then it is diagonalizable if there is an invertible matrix \(P\) and a diagonal matrix \(D\) such that

\[P^{-1}AP = D\]

This routine returns True if self is diagonalizable. The diagonal entries of the matrix \(D\) are the eigenvalues of \(A\).

A matrix not diagonalizable over the base field may become diagonalizable by extending the base field to contain all of the eigenvalues. Over the rationals, the field of algebraic numbers, sage.rings.qqbar is a good choice.

To obtain the matrices \(D\) and \(P\), use the diagonalization() method.

ALGORITHM:

For each eigenvalue, this routine checks that the algebraic multiplicity (number of occurrences as a root of the characteristic polynomial) is equal to the geometric multiplicity (dimension of the eigenspace), which is sufficient to ensure a basis of eigenvectors for the columns of \(P\).

EXAMPLES:

A matrix that is diagonalizable over the rationals:

sage: A = matrix(QQ, [[-7, 16, 12,  0,    6],
....:                 [-9, 15,  0,  12, -27],
....:                 [ 9, -8, 11, -12,  51],
....:                 [ 3, -4,  0,  -1,   9],
....:                 [-1,  0, -4,   4, -12]])
sage: A.is_diagonalizable()                                                 # needs sage.libs.pari
True
sage: A.diagonalization()                                                   # needs sage.libs.pari
(
[ 2  0  0  0  0]  [    1     1     0     1     0]
[ 0  3  0  0  0]  [  1/2     0     1     0     1]
[ 0  0  3  0  0]  [  1/6     1  -3/2   2/3 -14/9]
[ 0  0  0 -1  0]  [ -1/6     0  -1/4     0  -1/3]
[ 0  0  0  0 -1], [ -1/6  -1/3   1/3  -1/3   4/9]
)

This is a matrix not diagonalizable over the rationals, but you can still get its Jordan form.

sage: A = matrix(QQ, [[-3, -14, 2, -1, 15],
....:                 [4, 6, -2, 3, -8],
....:                 [-2, -14, 0, 0, 10],
....:                 [3, 13, -2, 0, -11],
....:                 [-1, 6, 1, -3, 1]])
sage: A.is_diagonalizable()                                                 # needs sage.libs.pari
False
sage: A.jordan_form(subdivide=False)                                        # needs sage.combinat sage.libs.pari
[-1  1  0  0  0]
[ 0 -1  0  0  0]
[ 0  0  2  1  0]
[ 0  0  0  2  1]
[ 0  0  0  0  2]

If any eigenvalue of a matrix is outside the base ring, then this routine raises an error. However, the ring can be extended to contain the eigenvalues.

sage: A = matrix(QQ, [[1,  0,  1,  1, -1],
....:                 [0,  1,  0,  4,  8],
....:                 [2,  1,  3,  5,  1],
....:                 [2, -1,  1,  0, -2],
....:                 [0, -1, -1, -5, -8]])

sage: [e in QQ for e in A.eigenvalues()]                                    # needs sage.rings.number_field
[False, False, False, False, False]
sage: A.is_diagonalizable()                                                 # needs sage.libs.pari
False
sage: A.diagonalization()                                                   # needs sage.libs.pari
Traceback (most recent call last):
...
ValueError: not diagonalizable over Rational Field

sage: [e in QQbar for e in A.eigenvalues()]                                 # needs sage.rings.number_field
[True, True, True, True, True]
sage: A.is_diagonalizable(base_field=QQbar)                                 # needs sage.rings.number_field
True

Other exact fields may be employed, though it will not always be possible to extend their base fields to contain all the eigenvalues.

sage: # needs sage.rings.finite_rings
sage: F.<b> = FiniteField(5^2)
sage: A = matrix(F, [[      4, 3*b + 2, 3*b + 1, 3*b + 4],
....:                [2*b + 1,     4*b,       0,       2],
....:                [    4*b,   b + 2, 2*b + 3,       3],
....:                [    2*b,     3*b, 4*b + 4, 3*b + 3]])
sage: A.is_diagonalizable()
False
sage: A.jordan_form()                                                       # needs sage.combinat
[      4       1|      0       0]
[      0       4|      0       0]
[---------------+---------------]
[      0       0|2*b + 1       1]
[      0       0|      0 2*b + 1]

sage: # needs sage.rings.number_field
sage: F.<c> = QuadraticField(-7)
sage: A = matrix(F, [[   c + 3,   2*c - 2,   -2*c + 2,     c - 1],
....:                [2*c + 10, 13*c + 15, -13*c - 17, 11*c + 31],
....:                [2*c + 10, 14*c + 10, -14*c - 12, 12*c + 30],
....:                [       0,   2*c - 2,   -2*c + 2,   2*c + 2]])
sage: A.is_diagonalizable()
True
sage: A.diagonalization()
(
[    4     0     0     0]  [   1    0    1    0]
[    0    -2     0     0]  [   4    1    0    1]
[    0     0 c + 3     0]  [   5    1 -2/9 10/9]
[    0     0     0 c + 3], [   1    0 -4/9  2/9]
)

A trivial matrix is diagonalizable, trivially.

sage: A = matrix(QQ, 0, 0)
sage: A.is_diagonalizable()                                                 # needs sage.libs.pari
True

A matrix must be square to be diagonalizable.

sage: A = matrix(QQ, 3, 4)
sage: A.is_diagonalizable()
Traceback (most recent call last):
...
TypeError: not a square matrix

The matrix must have entries from a field, and it must be an exact field.

sage: A = matrix(ZZ, 4, range(16))
sage: A.is_diagonalizable()
Traceback (most recent call last):
...
ValueError: matrix entries must be from a field

sage: A = matrix(RDF, 4, range(16))
sage: A.is_diagonalizable()
Traceback (most recent call last):
...
ValueError: base field must be exact, but Real Double Field is not
is_lyapunov_like_on(K)#

Determine if this matrix is Lyapunov-like on a cone.

We say that a matrix \(L\) is Lyapunov-like on a closed convex cone \(K\) if the inner product of \(Lx\) and \(s\) is zero for all pairs of orthogonal vectors \(x\) in \(K\) and \(s\) in the dual of \(K\). This property need only be checked for generators of \(K\) and its dual.

An operator is Lyapunov-like on \(K\) if and only if both the operator itself and its negation are cross-positive on \(K\).

To reliably check whether or not this matrix is Lyapunov-like, its base ring must be either exact (for example, the rationals) or the symbolic ring. An exact ring is more reliable, but in some cases a matrix whose entries contain symbolic constants like \(e\) and \(\pi\) will work.

INPUT:

  • K – a polyhedral closed convex cone.

OUTPUT:

If the base ring of this matrix is exact, then True will be returned if and only if this matrix is Lyapunov-like on K.

If the base ring of this matrix is symbolic, then the situation is more complicated:

  • True will be returned if it can be proven that this matrix is Lyapunov-like on K.

  • False will be returned if it can be proven that this matrix is not Lyapunov-like on K.

  • False will also be returned if we can’t decide; specifically if we arrive at a symbolic inequality that cannot be resolved.

REFERENCES:

EXAMPLES:

Diagonal matrices are Lyapunov-like operators on the nonnegative orthant:

sage: K = Cone([(1,0,0), (0,1,0), (0,0,1)])                                 # needs sage.geometry.polyhedron
sage: L = diagonal_matrix(random_vector(QQ, 3))
sage: L.is_lyapunov_like_on(K)                                              # needs sage.geometry.polyhedron
True

Symbolic entries also work in some easy cases:

sage: K = Cone([(1,0,0), (0,1,0), (0,0,1)])                                 # needs sage.geometry.polyhedron
sage: L = matrix(SR, [ [e, 0,  0      ],                                    # needs sage.symbolic
....:                  [0, pi, 0      ],
....:                  [0, 0,  sqrt(2)] ])
sage: L.is_lyapunov_like_on(K)                                              # needs sage.geometry.polyhedron
True
is_normal()#

Returns True if the matrix commutes with its conjugate-transpose.

OUTPUT:

True if the matrix is square and commutes with its conjugate-transpose, and False otherwise.

Normal matrices are precisely those that can be diagonalized by a unitary matrix.

This routine is for matrices over exact rings and so may not work properly for matrices over RR or CC. For matrices with approximate entries, the rings of double-precision floating-point numbers, RDF and CDF, are a better choice since the sage.matrix.matrix_double_dense.Matrix_double_dense.is_normal() method has a tolerance parameter. This provides control over allowing for minor discrepancies between entries when checking equality.

The result is cached.

EXAMPLES:

Hermitian matrices are normal.

sage: # needs sage.symbolic
sage: A = matrix(QQ, 5, 5, range(25)) + I*matrix(QQ, 5, 5, range(0, 50, 2))
sage: B = A*A.conjugate_transpose()
sage: B.is_hermitian()
True
sage: B.is_normal()
True

Circulant matrices are normal.

sage: # needs sage.graphs
sage: G = graphs.CirculantGraph(20, [3, 7])
sage: D = digraphs.Circuit(20)
sage: A = 3*D.adjacency_matrix() - 5*G.adjacency_matrix()
sage: A.is_normal()
True

Skew-symmetric matrices are normal.

sage: A = matrix(QQ, 5, 5, range(25))
sage: B = A - A.transpose()
sage: B.is_skew_symmetric()
True
sage: B.is_normal()
True

A small matrix that does not fit into any of the usual categories of normal matrices.

sage: A = matrix(ZZ, [[1, -1],
....:                 [1,  1]])
sage: A.is_normal()
True
sage: not A.is_hermitian() and not A.is_skew_symmetric()
True

Sage has several fields besides the entire complex numbers where conjugation is non-trivial.

sage: # needs sage.rings.number_field
sage: F.<b> = QuadraticField(-7)
sage: C = matrix(F, [[-2*b - 3,  7*b - 6, -b + 3],
....:                [-2*b - 3, -3*b + 2,   -2*b],
....:                [   b + 1,        0,     -2]])
sage: C = C*C.conjugate_transpose()
sage: C.is_normal()
True

A matrix that is nearly normal, but for a non-real diagonal entry.

sage: # needs sage.rings.number_field
sage: A = matrix(QQbar, [[    2,   2-I, 1+4*I],
....:                    [  2+I,   3+I, 2-6*I],
....:                    [1-4*I, 2+6*I,     5]])
sage: A.is_normal()
False
sage: A[1,1] = 132
sage: A.is_normal()
True

Rectangular matrices are never normal.

sage: A = matrix(QQbar, 3, 4)                                               # needs sage.rings.number_field
sage: A.is_normal()                                                         # needs sage.rings.number_field
False

A square, empty matrix is trivially normal.

sage: A = matrix(QQ, 0, 0)
sage: A.is_normal()
True
is_one()#

Return True if this matrix is the identity matrix.

EXAMPLES:

sage: m = matrix(QQ,2,2,range(4))
sage: m.is_one()
False
sage: m = matrix(QQ,2,[5,0,0,5])
sage: m.is_one()
False
sage: m = matrix(QQ,2,[1,0,0,1])
sage: m.is_one()
True
sage: m = matrix(QQ,2,[1,1,1,1])
sage: m.is_one()
False
is_permutation_of(N, check=False)#

Return True if there exists a permutation of rows and columns sending self to N and False otherwise.

INPUT:

  • N – a matrix.

  • check – boolean (default: False). If False

    return Boolean indicating whether there exists a permutation of rows and columns sending self to N and False otherwise. If True return a tuple of a Boolean and a permutation mapping self to N if such a permutation exists, and (False, None) if it does not.

OUTPUT:

A Boolean or a tuple of a Boolean and a permutation.

EXAMPLES:

sage: M = matrix(ZZ, [[1,2,3], [3,5,3], [2,6,4]])
sage: M
[1 2 3]
[3 5 3]
[2 6 4]
sage: N = matrix(ZZ, [[1,2,3], [2,6,4], [3,5,3]])
sage: N
[1 2 3]
[2 6 4]
[3 5 3]
sage: M.is_permutation_of(N)                                                # needs sage.graphs
True

Some examples that are not permutations of each other:

sage: N = matrix(ZZ, [[1,2,3], [4,5,6], [7,8,9]]); N
[1 2 3]
[4 5 6]
[7 8 9]
sage: M.is_permutation_of(N)                                                # needs sage.graphs
False
sage: N = matrix(ZZ, [[1,2], [3,4]]); N
[1 2]
[3 4]
sage: M.is_permutation_of(N)
False

And for when check is True:

sage: # needs sage.graphs sage.groups
sage: N = matrix(ZZ, [[3,5,3], [2,6,4], [1,2,3]]); N
[3 5 3]
[2 6 4]
[1 2 3]
sage: r = M.is_permutation_of(N, check=True)
sage: r
(True, ((1,2,3), ()))
sage: p = r[1]
sage: M.with_permuted_rows_and_columns(*p) == N
True
is_positive_definite(certificate=False)#

Determine if a matrix is positive-definite.

A matrix \(A\) is positive definite if it is_hermitian() and if, for every non-zero vector \(x\),

\[\left\langle Ax, x \right\rangle > 0.\]

ALGORITHM:

A Hermitian matrix is positive-definite if and only if the diagonal blocks in its block_ldlt() factorization are all 1-by-1 and have positive entries. We first check that the matrix is_hermitian(), and then compute this factorization.

INPUT:

  • self – a matrix

  • certificate – (default: False) return the lower-triangular and diagonal parts of the block_ldlt() factorization when the matrix is positive-definite. Deprecated.

OUTPUT:

This routine will return True if the matrix is Hermitian and meets the condition above for the quadratic form.

The base ring for the elements of the matrix must

  1. Have a fraction field implemented; and

  2. Be a subring of the real numbers, complex numbers, or symbolic ring.

If certificate is True, a triplet (b, L, d) will be returned instead, with b containing the result (true or false). If the matrix is positive-definite, then L and d will contain the lower-triangular and diagonal parts of the block_ldlt() factorization, respectively. Or if the matrix is not positive-definite (that is, if b is False), then both L and d will be None.

EXAMPLES:

A real symmetric matrix that is positive-definite, as evidenced by the positive determinants of its leading principal submatrices:

sage: A = matrix(QQ, [[ 4, -2,  4,  2],
....:                 [-2, 10, -2, -7],
....:                 [ 4, -2,  8,  4],
....:                 [ 2, -7,  4,  7]])
sage: A.is_positive_definite()
True
sage: [A[:i,:i].determinant() for i in range(1,A.nrows()+1)]
[4, 36, 144, 144]

A real symmetric matrix that is not positive-definite and a vector u that makes the corresponding quadratic form negative:

sage: A = matrix(QQ, [[ 3,  -6,   9,   6,  -9],
....:                 [-6,  11, -16, -11,  17],
....:                 [ 9, -16,  28,  16, -40],
....:                 [ 6, -11,  16,   9, -19],
....:                 [-9,  17, -40, -19,  68]])
sage: A.is_positive_definite()
False
sage: u = vector(QQ, [2, 2, 0, 1, 0])
sage: (A*u).inner_product(u)
-3

Another real symmetric matrix that is not positive-definite and a vector u that makes the corresponding quadratic form zero:

sage: A = matrix(QQ, [[21, 15, 12, -2],
....:                 [15, 12,  9,  6],
....:                 [12,  9,  7,  3],
....:                 [-2,  6,  3,  8]])
sage: A.is_positive_definite()
False
sage: u = vector(QQ, [1,1,-3,0])
sage: (A*u).inner_product(u)
0

A complex Hermitian matrix that is positive-definite, confirmed by the positive determinants of its leading principal submatrices:

sage: # needs sage.rings.number_field
sage: x = polygen(ZZ, 'x')
sage: C.<I> = NumberField(x^2 + 1, embedding=CC(0,1))
sage: A = matrix(C, [[        23,  17*I + 3,  24*I + 25,     21*I],
....:                [ -17*I + 3,        38, -69*I + 89, 7*I + 15],
....:                [-24*I + 25, 69*I + 89,        976, 24*I + 6],
....:                [     -21*I, -7*I + 15,  -24*I + 6,       28]])
sage: A.is_positive_definite()
True
sage: [A[:i,:i].determinant() for i in range(1,A.nrows()+1)]
[23, 576, 359540, 2842600]

An Hermitian matrix that is not positive-definite and a vector u that makes the corresponding quadratic form negative:

sage: # needs sage.rings.number_field
sage: C.<I> = QuadraticField(-1)
sage: B = matrix(C, [[      2, 4 - 2*I, 2 + 2*I],
....:                [4 + 2*I,       8,    10*I],
....:                [2 - 2*I,   -10*I,      -3]])
sage: B.is_positive_definite()
False
sage: u = vector(C, [-5 + 10*I, 4 - 3*I, 0])
sage: (B*u).hermitian_inner_product(u)
-50

A positive-definite matrix over an algebraically-closed field, confirmed by the positive determinants of its leading principal submatrices:

sage: # needs sage.rings.number_field
sage: A = matrix(QQbar, [[        2,   4 + 2*I,   6 - 4*I],
....:                    [ -2*I + 4,        11, 10 - 12*I],
....:                    [  4*I + 6, 10 + 12*I,        37]])
sage: A.is_positive_definite()
True
sage: [A[:i,:i].determinant() for i in range(1, A.nrows() + 1)]
[2, 2, 6]
is_positive_operator_on(K1, K2=None)#

Determine if this matrix is a positive operator on a cone.

A matrix is a positive operator on a cone if the image of the cone under the matrix is itself a subset of the cone. That concept can be extended to two cones: a matrix is a positive operator on a pair of cones if the image of the first cone is contained in the second cone.

To reliably check whether or not this matrix is a positive operator, its base ring must be either exact (for example, the rationals) or the symbolic ring. An exact ring is more reliable, but in some cases a matrix whose entries contain symbolic constants like \(e\) and \(\pi\) will work. Performance is best for integer or rational matrices, for which we can check the “is a subset of the other cone” condition quickly.

INPUT:

  • K1 – a polyhedral closed convex cone.

  • K2 – (default: K1) the codomain cone; this matrix is a positive operator if the image of K1 is a subset of K2.

OUTPUT:

If the base ring of this matrix is exact, then True will be returned if and only if this matrix is a positive operator.

If the base ring of this matrix is symbolic, then the situation is more complicated:

  • True will be returned if it can be proven that this matrix is a positive operator.

  • False will be returned if it can be proven that this matrix is not a positive operator.

  • False will also be returned if we can’t decide; specifically if we arrive at a symbolic inequality that cannot be resolved.

REFERENCES:

A. Berman and P. Gaiha. A generalization of irreducible monotonicity. Linear Algebra and its Applications, 5:29-38, 1972.

A. Berman and R. J. Plemmons. Nonnegative Matrices in the Mathematical Sciences. SIAM, Philadelphia, 1994.

EXAMPLES:

Nonnegative matrices are positive operators on the nonnegative orthant:

sage: K = Cone([(1,0,0), (0,1,0), (0,0,1)])                                 # needs sage.geometry.polyhedron
sage: L = random_matrix(QQ, 3).apply_map(abs)
sage: L.is_positive_operator_on(K)                                          # needs sage.geometry.polyhedron
True

Symbolic entries also work in some easy cases:

sage: K = Cone([(1,0,0), (0,1,0), (0,0,1)])                                 # needs sage.geometry.polyhedron
sage: L = matrix(SR, [ [0,       e, 0 ],                                    # needs sage.symbolic
....:                  [0,       2, pi],
....:                  [sqrt(2), 0, 0 ] ])
sage: L.is_positive_operator_on(K)                                          # needs sage.geometry.polyhedron
True

Your matrix can be over any exact ring, for example the ring of univariate polynomials with rational coefficients:

sage: # needs sage.geometry.polyhedron
sage: K = Cone([(1,0), (-1,0), (0,1), (0,-1)])
sage: K.is_full_space()
True
sage: x = polygen(ZZ, 'x')
sage: L = matrix(QQ[x], [[x,0],[0,1]])
sage: L.is_positive_operator_on(K)
True
is_positive_semidefinite()#

Returns whether or not this matrix is positive-semidefinite.

By SageMath convention, positive (semi)definite matrices must be either real symmetric or complex Hermitian.

ALGORITHM:

Bunch and Kaufman [BK1977] describe a fast, numerically-stable scheme for computing the “inertia” of a matrix by way Sylvester’s inertia theorem and a block-\(LDL^{T}\) factorization. We perform this factorization, and read off the signs of the eigenvalues from the resulting diagonal blocks.

REFERENCES:

EXAMPLES:

A positive-definite matrix:

sage: A = matrix(QQ, [ [2,1],
....:                  [1,2] ] )
sage: A.eigenvalues()                                                       # needs sage.rings.number_field
[3, 1]
sage: A.is_positive_semidefinite()
True

A positive-semidefinite (but not positive-definite) matrix:

sage: A = matrix(QQ, [ [1,1],
....:                  [1,1] ] )
sage: A.eigenvalues()                                                       # needs sage.rings.number_field
[2, 0]
sage: A.is_positive_semidefinite()
True

And finally, an indefinite matrix:

sage: A = matrix(QQ, [ [0,1],
....:                  [1,0] ] )
sage: A.eigenvalues()                                                       # needs sage.rings.number_field
[1, -1]
sage: A.is_positive_semidefinite()
False

A non-Hermitian matrix cannot be positive-semidefinite, regardless of its eigenvalues:

sage: A = matrix(QQ, [ [2,1],
....:                  [0,0] ])
sage: A.eigenvalues()                                                       # needs sage.rings.number_field
[2, 0]
sage: A.is_positive_semidefinite()
False

Any of the preceding examples are valid over inexact rings and with complex numbers as well:

sage: # needs sage.rings.complex_double sage.symbolic
sage: A = matrix(CDF, [ [ 2, I],
....:                   [-I, 2] ] )
sage: A.is_positive_semidefinite()
True
sage: A = matrix(CDF, [ [ 1, I],
....:                   [-I, 1] ] )
sage: A.is_positive_semidefinite()
True
sage: A = matrix(CDF, [ [0,I],
....:                   [I,0] ] )
sage: A.is_positive_semidefinite()
False
sage: A = matrix(CDF, [ [2,I],
....:                   [0,0] ])
sage: A.is_positive_semidefinite()
False
is_scalar(a=None)#

Return True if this matrix is a scalar matrix.

INPUT:

  • base_ring element a, which is chosen as self[0][0] if a = None

OUTPUT:

  • whether self is a scalar matrix (in fact the scalar matrix aI if a is input)

EXAMPLES:

sage: m = matrix(QQ,2,2,range(4))
sage: m.is_scalar(5)
False
sage: m = matrix(QQ,2,[5,0,0,5])
sage: m.is_scalar(5)
True
sage: m = matrix(QQ,2,[1,0,0,1])
sage: m.is_scalar(1)
True
sage: m = matrix(QQ,2,[1,1,1,1])
sage: m.is_scalar(1)
False
is_similar(other, transformation=False)#

Return True if self and other are similar, i.e. related by a change-of-basis matrix.

INPUT:

  • other – a matrix, which should be square, and of the same size as self.

  • transformation – default: False - if True, the output may include the change-of-basis matrix (also known as the similarity transformation). See below for an exact description.

OUTPUT:

Two matrices, \(A\) and \(B\) are similar if they are square matrices of the same size and there is an invertible matrix \(S\) such that \(A=S^{-1}BS\). \(S\) can be interpreted as a change-of-basis matrix if \(A\) and \(B\) are viewed as matrix representations of the same linear transformation from a vector space to itself.

When transformation=False this method will return True if such a matrix \(S\) exists, otherwise it will return False. When transformation=True the method returns a pair. The first part of the pair is True or False depending on if the matrices are similar. The second part of the pair is the change-of-basis matrix when the matrices are similar and None when the matrices are not similar.

When a similarity transformation matrix S is requested, it will satisfy self = S.inverse()*other*S.

rings and coefficients

Inexact rings are not supported. Only rings having a fraction field can be used as coefficients.

The base rings for the matrices are promoted to a common field for the similarity check using rational form over this field.

If the fraction fields of both matrices are the same, this field is used. Otherwise, if the fraction fields are only related by a canonical coercion, the common coercion field is used.

In all cases, the result is about similarity over a common field.

similarity transformation

For computation of the similarity transformation, the matrices are first checked to be similar over their common field.

In this case, a similarity transformation is then searched for over the common field. If this fails, the matrices are promoted to the algebraic closure of their common field (whenever it is available) and a similarity transformation is looked for over the algebraic closure.

For example, matrices over the rationals may be promoted to the field of algebraic numbers (QQbar) for computation of the similarity transformation.

Warning

When the two matrices are similar, this routine may fail to find the similarity transformation. A technical explanation follows.

The similarity check is accomplished with rational form, which will be successful for any pair of matrices over the same field. However, the computation of rational form does not provide a transformation. So we instead compute Jordan form, which does provide a transformation. But Jordan form will require that the eigenvalues of the matrix can be represented within Sage, requiring the existence of the appropriate extension field. When this is not possible, a RuntimeError is raised, as demonstrated in an example below.

EXAMPLES:

The two matrices in this example were constructed to be similar. The computations happen in the field of algebraic numbers, but we are able to convert the change-of-basis matrix back to the rationals (which may not always be possible).

sage: A = matrix(ZZ, [[-5, 2, -11],
....:                 [-6, 7, -42],
....:                 [0, 1, -6]])
sage: B = matrix(ZZ, [[ 1, 12,  3],
....:                 [-1, -6, -1],
....:                 [ 0,  6,  1]])
sage: A.is_similar(B)
True

sage: # needs sage.combinat sage.libs.pari
sage: _, T = A.is_similar(B, transformation=True)
sage: T
[ 1.00000000000000? + 0.?e-14*I            0.?e-14 + 0.?e-14*I            0.?e-14 + 0.?e-14*I]
[-0.66666666666667? + 0.?e-15*I 0.166666666666667? + 0.?e-15*I -0.83333333333334? + 0.?e-14*I]
[ 0.66666666666667? + 0.?e-14*I            0.?e-14 + 0.?e-14*I -0.33333333333333? + 0.?e-14*I]
sage: T.change_ring(QQ)
[   1    0    0]
[-2/3  1/6 -5/6]
[ 2/3    0 -1/3]
sage: A == T.inverse()*B*T
True

Other exact fields are supported.

sage: # needs sage.rings.finite_rings
sage: F.<a> = FiniteField(7^2)
sage: A = matrix(F, [[2*a + 5, 6*a + 6,   a + 3],
....:                [  a + 3, 2*a + 2, 4*a + 2],
....:                [2*a + 6, 5*a + 5,     3*a]])
sage: B = matrix(F, [[5*a + 5, 6*a + 4,   a + 1],
....:                [  a + 5, 4*a + 3, 3*a + 3],
....:                [3*a + 5,   a + 4, 5*a + 6]])
sage: A.is_similar(B)
True
sage: B.is_similar(A)
True
sage: _, T = A.is_similar(B, transformation=True)
sage: T
[      1       0       0]
[6*a + 1 4*a + 3 4*a + 2]
[6*a + 3 3*a + 5 3*a + 6]
sage: A == T.inverse() * B * T
True

Two matrices with different sets of eigenvalues, so they cannot possibly be similar.

sage: A = matrix(QQ, [[ 2,  3, -3, -6],
....:                 [ 0,  1, -2, -8],
....:                 [-3, -3,  4,  3],
....:                 [-1, -2,  2,  6]])
sage: B = matrix(QQ, [[ 1,  1,  2,  4],
....:                 [-1,  2, -3, -7],
....:                 [-2,  3, -4, -7],
....:                 [ 0, -1,  0,  0]])
sage: A.eigenvalues() == B.eigenvalues()                                    # needs sage.rings.number_field
False
sage: A.is_similar(B, transformation=True)
(False, None)

Similarity is an equivalence relation, so this routine computes a representative of the equivalence class for each matrix, the rational form, as provided by rational_form(). The matrices below have identical eigenvalues (as evidenced by equal characteristic polynomials), but slightly different rational forms, and hence are not similar.

sage: A = matrix(QQ, [[ 19, -7, -29],
....:                 [-16, 11,  30],
....:                 [ 15, -7, -25]])
sage: B = matrix(QQ, [[-38, -63,  42],
....:                 [ 14,  25, -14],
....:                 [-14, -21,  18]])
sage: A.charpoly() == B.charpoly()                                          # needs sage.libs.pari
True
sage: A.rational_form()
[  0   0 -48]
[  1   0   8]
[  0   1   5]
sage: B.rational_form()
[ 4| 0  0]
[--+-----]
[ 0| 0 12]
[ 0| 1  1]
sage: A.is_similar(B)
False

Obtaining the transformation between two similar matrices requires the Jordan form, which requires computing the eigenvalues of the matrix, which may not lie in the field used for entries of the matrix. In this unfortunate case, the computation of the transformation may fail with a RuntimeError, EVEN when the matrices are similar. This is not the case for matrices over the integers, rationals or algebraic numbers, since the computations are done in the algebraically closed field of algebraic numbers. Here is an example where the similarity is obvious by design, but we are not able to resurrect a similarity transformation.

sage: # needs sage.rings.finite_rings
sage: F.<a> = FiniteField(7^2)
sage: C = matrix(F, [[  a + 2, 5*a + 4],
....:                [6*a + 6, 6*a + 4]])
sage: S = matrix(F, [[0, 1],
....:                [1, 0]])
sage: D = S.inverse()*C*S
sage: C.is_similar(D)
True
sage: C.is_similar(D, transformation=True)                                  # needs sage.combinat
Traceback (most recent call last):
...
RuntimeError: unable to compute transformation for similar matrices
sage: C.jordan_form()                                                       # needs sage.combinat
Traceback (most recent call last):
...
RuntimeError: Some eigenvalue does not exist in
Finite Field in a of size 7^2.

An example over a finite field of prime order, which uses the algebraic closure of this field to find the change-of-basis matrix:

sage: # needs sage.combinat sage.graphs sage.rings.finite_rings
sage: cox = posets.TamariLattice(3).coxeter_transformation()
sage: M = cox.change_ring(GF(3))
sage: M.is_similar(M**3, True)      # long time
(
      [1 0 0 0 0]
      [0 1 1 0 2]
      [0 0 0 0 1]
      [1 2 0 2 1]
True, [0 0 1 0 0]
)

Inexact rings and fields are not supported.

sage: A = matrix(CDF, 2, 2, range(4))
sage: B = copy(A)
sage: A.is_similar(B)
Traceback (most recent call last):
...
TypeError: matrix entries must come from an exact field,
not Complex Double Field

Base rings for the matrices need to have a fraction field. So in particular, the ring needs to be at least an integral domain.

sage: Z6 = Integers(6)
sage: A = matrix(Z6, 2, 2, range(4))
sage: A.is_similar(A)
Traceback (most recent call last):
...
ValueError: base ring of a matrix needs a fraction field,
maybe the ring is not an integral domain

If the fraction fields of the entries are unequal and do not coerce in a common field, it is an error.

sage: A = matrix(GF(3), 2, 2, range(4))
sage: B = matrix(GF(2), 2, 2, range(4))
sage: A.is_similar(B, transformation=True)
Traceback (most recent call last):
...
TypeError: no common canonical parent for objects with parents:
'Full MatrixSpace of 2 by 2 dense matrices over Finite Field
of size 3' and
'Full MatrixSpace of 2 by 2 dense matrices over Finite Field
of size 2'

A matrix over the integers and a matrix over the algebraic numbers will be compared over the algebraic numbers (by coercion of QQ in QQbar).

sage: A = matrix(ZZ, 2, 2, range(4))
sage: B = matrix(QQbar, 2, 2, range(4))                                     # needs sage.rings.number_field
sage: A.is_similar(B)                                                       # needs sage.rings.number_field
True
is_triangular(side='lower')#

Return True if this matrix is a triangular matrix.

INPUT:

  • side – either "lower" (default) or "upper"

OUTPUT:

boolean

EXAMPLES:

sage: m = matrix(QQ, 2, 2, range(4))
sage: m.is_triangular()
False
sage: m = matrix(QQ, 2, [5, 0, 0, 5])
sage: m.is_triangular()
True
sage: m = matrix(QQ, 2, [1, 2, 0, 1])
sage: m.is_triangular("upper")
True
sage: m.is_triangular("lower")
False
is_unitary()#

Return True if the columns of the matrix are an orthonormal basis.

For a matrix with real entries this determines if a matrix is “orthogonal” and for a matrix with complex entries this determines if the matrix is “unitary.”

OUTPUT:

True if the matrix is square and its conjugate-transpose is its inverse, and False otherwise. In other words, a matrix is orthogonal or unitary if the product of its conjugate-transpose times the matrix is the identity matrix.

For numerical matrices a specialized routine available over RDF and CDF is a good choice.

EXAMPLES:

sage: A = matrix(QQbar,                                                     # needs sage.rings.number_field sage.symbolic
....:            [[(1/sqrt(5))*(1+i), (1/sqrt(55))*(3+2*I), (1/sqrt(22))*(2+2*I)],
....:             [(1/sqrt(5))*(1-i), (1/sqrt(55))*(2+2*I),  (1/sqrt(22))*(-3+I)],
....:             [    (1/sqrt(5))*I, (1/sqrt(55))*(3-5*I),    (1/sqrt(22))*(-2)]])
sage: A.is_unitary()                                                        # needs sage.rings.number_field sage.symbolic
True

A permutation matrix is always orthogonal.

sage: # needs sage.combinat
sage: sigma = Permutation([1,3,4,5,2])
sage: P = sigma.to_matrix(); P
[1 0 0 0 0]
[0 0 0 0 1]
[0 1 0 0 0]
[0 0 1 0 0]
[0 0 0 1 0]
sage: P.is_unitary()
True
sage: P.change_ring(GF(3)).is_unitary()
True
sage: P.change_ring(GF(3)).is_unitary()
True

A square matrix far from unitary.

sage: A = matrix(QQ, 4, range(16))
sage: A.is_unitary()
False

Rectangular matrices are never unitary.

sage: A = matrix(QQbar, 3, 4)                                               # needs sage.rings.number_field
sage: A.is_unitary()
False
jordan_form(base_ring=None, sparse=False, subdivide=True, transformation=False, eigenvalues=None, check_input=True)#

Compute the Jordan normal form of this square matrix \(A\), if it exists.

This computation is performed in a naive way using the ranks of powers of \(A-xI\), where \(x\) is an eigenvalue of the matrix \(A\). If desired, a transformation matrix \(P\) can be returned, which is such that the Jordan canonical form is given by \(P^{-1} A P\); if the matrix is diagonalizable, this equals to eigendecomposition or spectral decomposition.

INPUT:

  • base_ring - Ring in which to compute the Jordan form.

  • sparse - (default False) If sparse=True, return a sparse matrix.

  • subdivide - (default True) If subdivide=True, the subdivisions for the Jordan blocks in the matrix are shown.

  • transformation - (default False) If transformation=True, computes also the transformation matrix.

  • eigenvalues - (default None) A complete set of roots, with multiplicity, of the characteristic polynomial of \(A\), encoded as a list of pairs, each having the form \((r, m)\) with \(r\) a root and \(m\) its multiplicity. If this is None, then Sage computes this list itself, but this is only possible over base rings in whose quotient fields polynomial factorization is implemented. Over all other rings, providing this list manually is the only way to compute Jordan normal forms.

  • check_input - (default True) A Boolean specifying whether the list eigenvalues (if provided) has to be checked for correctness. Set this to False for a speedup if the eigenvalues are known to be correct.

Note

Currently, the Jordan normal form is not computed over inexact rings in any but the trivial cases when the matrix is either \(0 \times 0\) or \(1 \times 1\).

In the case of exact rings, this method does not compute any generalized form of the Jordan normal form, but is only able to compute the result if the characteristic polynomial of the matrix splits over the specific base ring.

Note that the base ring must be a field or a ring with an implemented fraction field.

EXAMPLES:

sage: # needs sage.combinat sage.libs.pari
sage: a = matrix(ZZ,4,[1, 0, 0, 0, 0, 1, 0, 0,
....:                  1, -1, 1, 0, 1, -1, 1, 2]); a
[ 1  0  0  0]
[ 0  1  0  0]
[ 1 -1  1  0]
[ 1 -1  1  2]
sage: a.jordan_form()
[2|0 0|0]
[-+---+-]
[0|1 1|0]
[0|0 1|0]
[-+---+-]
[0|0 0|1]
sage: a.jordan_form(subdivide=False)
[2 0 0 0]
[0 1 1 0]
[0 0 1 0]
[0 0 0 1]
sage: b = matrix(ZZ,3,3,range(9)); b
[0 1 2]
[3 4 5]
[6 7 8]
sage: b.jordan_form()
Traceback (most recent call last):
...
RuntimeError: Some eigenvalue does not exist in Rational Field.
sage: b.jordan_form(RealField(15))
Traceback (most recent call last):
...
ValueError: Jordan normal form not implemented over inexact rings.

Here we need to specify a field, since the eigenvalues are not defined in the smallest ring containing the matrix entries (github issue #14508):

sage: c = matrix([[0,1,0], [0,0,1], [1,0,0]])
sage: c.jordan_form(CyclotomicField(3))                                     # needs sage.combinat sage.rings.number_field
[         1|         0|         0]
[----------+----------+----------]
[         0|     zeta3|         0]
[----------+----------+----------]
[         0|         0|-zeta3 - 1]

If you need the transformation matrix as well as the Jordan form of self, then pass the option transformation=True. For example:

sage: # needs sage.combinat sage.libs.pari
sage: m = matrix([[5,4,2,1], [0,1,-1,-1], [-1,-1,3,0], [1,1,-1,2]]); m
[ 5  4  2  1]
[ 0  1 -1 -1]
[-1 -1  3  0]
[ 1  1 -1  2]
sage: jf, p = m.jordan_form(transformation=True)
sage: jf
[2|0|0 0]
[-+-+---]
[0|1|0 0]
[-+-+---]
[0|0|4 1]
[0|0|0 4]
sage: ~p * m * p
[2 0 0 0]
[0 1 0 0]
[0 0 4 1]
[0 0 0 4]

Note that for matrices over inexact rings, we do not attempt to compute the Jordan normal form, since it is not numerically stable:

sage: b = matrix(ZZ, 3, 3, range(9))
sage: jf, p = b.jordan_form(RealField(15), transformation=True)             # needs sage.combinat
Traceback (most recent call last):
...
ValueError: Jordan normal form not implemented over inexact rings.
kernel(*args, **kwds)#

Returns the left kernel of this matrix, as a vector space or free module. This is the set of vectors x such that x*self = 0.

Note

For the right kernel, use right_kernel(). The method kernel() is exactly equal to left_kernel().

For inexact rings use right_kernel_matrix() with basis='computed' (on the transpose of the matrix) to avoid echolonizing.

INPUT:

  • algorithm - default: ‘default’ - a keyword that selects the algorithm employed. Allowable values are:

    • ‘default’ - allows the algorithm to be chosen automatically

    • ‘generic’ - naive algorithm usable for matrices over any field

    • ‘flint’ - FLINT library code for matrices over the rationals or the integers

    • ‘pari’ - PARI library code for matrices over number fields or the integers

    • ‘padic’ - padic algorithm from IML library for matrices over the rationals and integers

    • ‘pluq’ - PLUQ matrix factorization for matrices mod 2

  • basis - default: ‘echelon’ - a keyword that describes the format of the basis used to construct the left kernel. Allowable values are:

    • ‘echelon’: the basis matrix is returned in echelon form

    • ‘pivot’ : each basis vector is computed from the reduced row-echelon form of self by placing a single one in a non-pivot column and zeros in the remaining non-pivot columns. Only available for matrices over fields.

    • ‘LLL’: an LLL-reduced basis. Only available for matrices over the integers.

OUTPUT:

A vector space or free module whose degree equals the number of rows in self and which contains all the vectors x such that x*self = 0.

If self has 0 rows, the kernel has dimension 0, while if self has 0 columns the kernel is the entire ambient vector space.

The result is cached. Requesting the left kernel a second time, but with a different basis format, will return the cached result with the format from the first computation.

Note

For much more detailed documentation of the various options see right_kernel(), since this method just computes the right kernel of the transpose of self.

EXAMPLES:

Over the rationals with a basis matrix in echelon form.

sage: A = matrix(QQ, [[1, 2, 4, -7, 4],
....:                 [1, 1, 0, 2, -1],
....:                 [1, 0, 3, -3, 1],
....:                 [0, -1, -1, 3, -2],
....:                 [0, 0, -1, 2, -1]])
sage: A.left_kernel()
Vector space of degree 5 and dimension 2 over Rational Field
Basis matrix:
[ 1  0 -1  2 -1]
[ 0  1 -1  1 -4]

Over a finite field, with a basis matrix in “pivot” format.

sage: A = matrix(FiniteField(7), [[5, 0, 5, 2, 4],
....:                             [1, 3, 2, 3, 6],
....:                             [1, 1, 6, 5, 3],
....:                             [2, 5, 6, 0, 0]])
sage: A.kernel(basis='pivot')
Vector space of degree 4 and dimension 2 over Finite Field of size 7
User basis matrix:
[5 2 1 0]
[6 3 0 1]

The left kernel of a zero matrix is the entire ambient vector space whose degree equals the number of rows of self (i.e. everything).

sage: A = MatrixSpace(QQ, 3, 4)(0)
sage: A.kernel()
Vector space of degree 3 and dimension 3 over Rational Field
Basis matrix:
[1 0 0]
[0 1 0]
[0 0 1]

We test matrices with no rows or columns.

sage: A = matrix(QQ, 2, 0)
sage: A.left_kernel()
Vector space of degree 2 and dimension 2 over Rational Field
Basis matrix:
[1 0]
[0 1]
sage: A = matrix(QQ, 0, 2)
sage: A.left_kernel()
Vector space of degree 0 and dimension 0 over Rational Field
Basis matrix:
[]

The results are cached. Note that requesting a new format for the basis is ignored and the cached copy is returned. Work with a copy if you need a new left kernel, or perhaps investigate the right_kernel_matrix() method on the transpose, which does not cache its results and is more flexible.

sage: A = matrix(QQ, [[1,1],[2,2]])
sage: K1 = A.left_kernel()
sage: K1
Vector space of degree 2 and dimension 1 over Rational Field
Basis matrix:
[   1 -1/2]
sage: K2 = A.left_kernel()
sage: K1 is K2
True
sage: K3 = A.left_kernel(basis='pivot')
sage: K3
Vector space of degree 2 and dimension 1 over Rational Field
Basis matrix:
[   1 -1/2]
sage: B = copy(A)
sage: K3 = B.left_kernel(basis='pivot')
sage: K3
Vector space of degree 2 and dimension 1 over Rational Field
User basis matrix:
[-2  1]
sage: K3 is K1
False
sage: K3 == K1
True
kernel_on(V, poly=None, check=True)#

Return the kernel of self restricted to the invariant subspace V. The result is a vector subspace of V, which is also a subspace of the ambient space.

INPUT:

  • V - vector subspace

  • check - (optional) default: True; whether to check that V is invariant under the action of self.

  • poly - (optional) default: None; if not None, compute instead the kernel of poly(self) on V.

OUTPUT:

  • a subspace

Warning

This function does not check that V is in fact invariant under self if check is False. With check False this function is much faster.

EXAMPLES:

sage: t = matrix(QQ, 4, [39, -10, 0, -12, 0, 2, 0, -1, 0, 1, -2, 0, 0, 2, 0, -2]); t
[ 39 -10   0 -12]
[  0   2   0  -1]
[  0   1  -2   0]
[  0   2   0  -2]
sage: t.fcp()                                                               # needs sage.libs.pari
(x - 39) * (x + 2) * (x^2 - 2)
sage: s = (t-39)*(t^2-2)
sage: V = s.kernel(); V
Vector space of degree 4 and dimension 3 over Rational Field
Basis matrix:
[1 0 0 0]
[0 1 0 0]
[0 0 0 1]
sage: s.restrict(V)
[0 0 0]
[0 0 0]
[0 0 0]
sage: s.kernel_on(V)
Vector space of degree 4 and dimension 3 over Rational Field
Basis matrix:
[1 0 0 0]
[0 1 0 0]
[0 0 0 1]
sage: k = t-39
sage: k.restrict(V)
[  0 -10 -12]
[  0 -37  -1]
[  0   2 -41]
sage: ker = k.kernel_on(V); ker
Vector space of degree 4 and dimension 1 over Rational Field
Basis matrix:
[   1 -2/7    0 -2/7]
sage: ker.0 * k
(0, 0, 0, 0)

Test that github issue #9425 is fixed.

sage: V = span([[1/7,0,0] ,[0,1,0]], ZZ); V
Free module of degree 3 and rank 2 over Integer Ring
Echelon basis matrix:
[1/7   0   0]
[  0   1   0]
sage: T = matrix(ZZ,3,[1,0,0,0,0,0,0,0,0]); T
[1 0 0]
[0 0 0]
[0 0 0]
sage: W = T.kernel_on(V); W.basis()
[
(0, 1, 0)
]
sage: W.is_submodule(V)
True
left_eigenmatrix(other=None)#

Return matrices \(D\) and \(P\), where \(D\) is a diagonal matrix of eigenvalues and the rows of \(P\) are corresponding eigenvectors (or zero vectors).

INPUT:

  • other – a square matrix \(B\) (default: None) in a generalized eigenvalue problem; if None, an ordinary eigenvalue problem is solved

OUTPUT:

If self is a square matrix \(A\), then the output is a diagonal matrix \(D\) and a matrix \(P\) such that

\[P A = D P,\]

where the rows of \(P\) are eigenvectors of \(A\) and the diagonal entries of \(D\) are the corresponding eigenvalues.

If a matrix \(B\) is passed as optional argument, the output is a solution to the generalized eigenvalue problem such that

\[P A = D P B.\]

The ordinary eigenvalue problem is equivalent to the generalized one if \(B\) is the identity matrix.

The generalized eigenvector decomposition is currently only implemented for matrices over RDF and CDF.

EXAMPLES:

sage: # needs sage.rings.number_field
sage: A = matrix(QQ, 3, 3, range(9)); A
[0 1 2]
[3 4 5]
[6 7 8]
sage: D, P = A.eigenmatrix_left()
sage: D
[                  0                   0                   0]
[                  0 -1.348469228349535?                   0]
[                  0                   0  13.34846922834954?]
sage: P
[                   1                   -2                    1]
[                   1  0.3101020514433644? -0.3797958971132713?]
[                   1   1.289897948556636?   1.579795897113272?]
sage: P*A == D*P
True

Because \(P\) is invertible, \(A\) is diagonalizable.

sage: A == (~P)*D*P                                                         # needs sage.rings.number_field
True

The matrix \(P\) may contain zero rows corresponding to eigenvalues for which the algebraic multiplicity is greater than the geometric multiplicity. In these cases, the matrix is not diagonalizable.

sage: # needs sage.rings.number_field
sage: A = jordan_block(2, 3); A
[2 1 0]
[0 2 1]
[0 0 2]
sage: D, P = A.eigenmatrix_left()
sage: D
[2 0 0]
[0 2 0]
[0 0 2]
sage: P
[0 0 1]
[0 0 0]
[0 0 0]
sage: P*A == D*P
True

A generalized eigenvector decomposition:

sage: # needs scipy
sage: A = matrix(RDF, [[1, -2], [3, 4]])
sage: B = matrix(RDF, [[0, 7], [2, -3]])
sage: D, P = A.eigenmatrix_left(B)
sage: (P * A - D * P * B).norm() < 1e-14
True

The matrix \(B\) in a generalized eigenvalue problem may be singular:

sage: # needs scipy sage.rings.complex_double sage.symbolic
sage: A = matrix.identity(CDF, 2)
sage: B = matrix(CDF, [[2, 1+I], [4, 2+2*I]])
sage: D, P = A.eigenmatrix_left(B)
sage: D.diagonal()  # tol 1e-14
[0.2 - 0.1*I, +infinity]

In this case, we can still verify the eigenvector equation for the first eigenvalue and first eigenvector:

sage: # needs scipy sage.rings.complex_double sage.symbolic
sage: l = D[0, 0]
sage: v = P[0, :]
sage: (v * A - l * v * B).norm() < 1e-14
True

The second eigenvector is contained in the left kernel of \(B\):

sage: (P[1, :] * B).norm() < 1e-14                                          # needs scipy sage.rings.complex_double sage.symbolic
True
left_eigenspaces(format='all', var='a', algebraic_multiplicity=False)#

Compute the left eigenspaces of a matrix.

Note that eigenspaces_left() and left_eigenspaces() are identical methods. Here “left” refers to the eigenvectors being placed to the left of the matrix.

INPUT:

  • self – a square matrix over an exact field. For inexact matrices consult the numerical or symbolic matrix classes.

  • format – one of:

    • 'all' – Attempts to create every eigenspace. This will always be possible for matrices with rational entries.

    • 'galois' – For each irreducible factor of the characteristic polynomial, a single eigenspace will be output for a single root/eigenvalue for the irreducible factor.

    • None (default) – Uses the 'all' format if the base ring is contained in an algebraically closed field which is implemented. Otherwise, uses the 'galois' format.

  • var – string (default: 'a'); variable name used to represent elements of the root field of each irreducible factor of the characteristic polynomial. If var='a', then the root fields will be in terms of a0, a1, a2, ..., where the numbering runs across all the irreducible factors of the characteristic polynomial, even for linear factors.

  • algebraic_multiplicity – (boolean, default: False); whether to include the algebraic multiplicity of each eigenvalue in the output. See the discussion below.

OUTPUT:

If algebraic_multiplicity=False, return a list of pairs \((e, V)\) where \(e\) is an eigenvalue of the matrix, and \(V\) is the corresponding left eigenspace. For Galois conjugates of eigenvalues, there may be just one representative eigenspace, depending on the format keyword.

If algebraic_multiplicity=True, return a list of triples \((e, V, n)\) where \(e\) and \(V\) are as above and \(n\) is the algebraic multiplicity of the eigenvalue.

Warning

Uses a somewhat naive algorithm (simply factors the characteristic polynomial and computes kernels directly over the extension field).

EXAMPLES:

We compute the left eigenspaces of a \(3\times 3\) rational matrix. First, we request 'all' of the eigenvalues, so the results are in the field of algebraic numbers, QQbar. Then we request just one eigenspace per irreducible factor of the characteristic polynomial with format='galois'.

sage: A = matrix(QQ, 3, 3, range(9)); A
[0 1 2]
[3 4 5]
[6 7 8]
sage: es = A.eigenspaces_left(format='all'); es                             # needs sage.rings.number_field
[ (0,
   Vector space of degree 3 and dimension 1 over Rational Field
     User basis matrix:
     [ 1 -2  1]),
  (-1.348469228349535?,
   Vector space of degree 3 and dimension 1 over Algebraic Field
     User basis matrix:
     [                   1  0.3101020514433644? -0.3797958971132713?]),
  (13.34846922834954?,
   Vector space of degree 3 and dimension 1 over Algebraic Field
     User basis matrix:
     [                 1 1.289897948556636? 1.579795897113272?]) ]

sage: # needs sage.rings.number_field
sage: es = A.eigenspaces_left(format='galois'); es
[ (0,
   Vector space of degree 3 and dimension 1 over Rational Field
     User basis matrix:
     [ 1 -2  1]),
  (a1,
   Vector space of degree 3 and dimension 1 over
    Number Field in a1 with defining polynomial x^2 - 12*x - 18
     User basis matrix:
     [            1 1/15*a1 + 2/5 2/15*a1 - 1/5]) ]
sage: es = A.eigenspaces_left(format='galois',
....:                         algebraic_multiplicity=True); es
[ (0,
   Vector space of degree 3 and dimension 1 over Rational Field
     User basis matrix:
     [ 1 -2  1],
   1),
  (a1,
   Vector space of degree 3 and dimension 1 over
    Number Field in a1 with defining polynomial x^2 - 12*x - 18
     User basis matrix:
     [            1 1/15*a1 + 2/5 2/15*a1 - 1/5],
   1) ]
sage: e, v, n = es[0]; v = v.basis()[0]
sage: delta = e*v - v*A
sage: abs(abs(delta)) < 1e-10
True

The same computation, but with implicit base change to a field.

sage: A = matrix(ZZ, 3, 3, range(9)); A
[0 1 2]
[3 4 5]
[6 7 8]
sage: A.eigenspaces_left(format='galois')                                   # needs sage.rings.number_field
[ (0,
   Vector space of degree 3 and dimension 1 over Rational Field
     User basis matrix:
     [ 1 -2  1]),
  (a1,
   Vector space of degree 3 and dimension 1 over
    Number Field in a1 with defining polynomial x^2 - 12*x - 18
     User basis matrix:
     [            1 1/15*a1 + 2/5 2/15*a1 - 1/5]) ]

We compute the left eigenspaces of the matrix of the Hecke operator \(T_2\) on level 43 modular symbols, both with all eigenvalues (the default) and with one subspace per factor.

sage: # needs sage.modular
sage: A = ModularSymbols(43).T(2).matrix(); A
[ 3  0  0  0  0  0 -1]
[ 0 -2  1  0  0  0  0]
[ 0 -1  1  1  0 -1  0]
[ 0 -1  0 -1  2 -1  1]
[ 0 -1  0  1  1 -1  1]
[ 0  0 -2  0  2 -2  1]
[ 0  0 -1  0  1  0 -1]
sage: A.base_ring()
Rational Field
sage: f = A.charpoly(); f
x^7 + x^6 - 12*x^5 - 16*x^4 + 36*x^3 + 52*x^2 - 32*x - 48
sage: factor(f)
(x - 3) * (x + 2)^2 * (x^2 - 2)^2
sage: A.eigenspaces_left(algebraic_multiplicity=True)
[ (3,
   Vector space of degree 7 and dimension 1 over Rational Field
     User basis matrix:
     [   1    0  1/7    0 -1/7    0 -2/7],
   1),
  (-2,
   Vector space of degree 7 and dimension 2 over Rational Field
     User basis matrix:
     [ 0  1  0  1 -1  1 -1]
     [ 0  0  1  0 -1  2 -1],
   2),
  (-1.414213562373095?,
   Vector space of degree 7 and dimension 2 over Algebraic Field
     User basis matrix:
     [                  0                   1                   0                  -1 0.4142135623730951?                   1                  -1]
     [                  0                   0                   1                   0                  -1                   0  2.414213562373095?],
   2),
  (1.414213562373095?,
   Vector space of degree 7 and dimension 2 over Algebraic Field
     User basis matrix:
     [                   0                    1                    0                   -1  -2.414213562373095?                    1                   -1]
     [                   0                    0                    1                    0                   -1                    0 -0.4142135623730951?],
   2) ]
sage: A.eigenspaces_left(format='galois', algebraic_multiplicity=True)
[ (3,
   Vector space of degree 7 and dimension 1 over Rational Field
     User basis matrix:
     [   1    0  1/7    0 -1/7    0 -2/7],
   1),
  (-2,
   Vector space of degree 7 and dimension 2 over Rational Field
     User basis matrix:
     [ 0  1  0  1 -1  1 -1]
     [ 0  0  1  0 -1  2 -1],
   2),
  (a2,
   Vector space of degree 7 and dimension 2
    over Number Field in a2 with defining polynomial x^2 - 2
     User basis matrix:
     [      0       1       0      -1 -a2 - 1       1      -1]
     [      0       0       1       0      -1       0 -a2 + 1],
   2) ]

Next we compute the left eigenspaces over the finite field of order 11.

sage: # needs sage.modular sage.rings.finite_rings
sage: A = ModularSymbols(43, base_ring=GF(11), sign=1).T(2).matrix(); A
[ 3  0  9  0]
[ 0  9  0 10]
[ 0  0 10  1]
[ 0  0  1  1]
sage: A.base_ring()
Finite Field of size 11
sage: A.charpoly()
x^4 + 10*x^3 + 3*x^2 + 2*x + 1
sage: A.eigenspaces_left(format='galois', var='beta')
[ (9,
   Vector space of degree 4 and dimension 1 over Finite Field of size 11
     User basis matrix: [0 1 5 6]),
 (3, Vector space of degree 4 and dimension 1 over Finite Field of size 11
     User basis matrix: [1 0 1 6]),
 (beta2, Vector space of degree 4 and dimension 1
          over Univariate Quotient Polynomial Ring in beta2
           over Finite Field of size 11 with modulus x^2 + 9
         User basis matrix: [        0         0         1 beta2 + 1])
]

This method is only applicable to exact matrices. The “eigenmatrix” routines for matrices with double-precision floating-point entries (RDF, CDF) are the best alternative. (Since some platforms return eigenvectors that are the negatives of those given here, this one example is not tested here.) There are also “eigenmatrix” routines for matrices with symbolic entries.

sage: A = matrix(QQ, 3, 3, range(9))
sage: A.change_ring(RR).eigenspaces_left()
Traceback (most recent call last):
...
NotImplementedError: eigenspaces cannot be computed reliably for inexact rings such as Real Field with 53 bits of precision,
consult numerical or symbolic matrix classes for other options

sage: # needs scipy
sage: em = A.change_ring(RDF).eigenmatrix_left()
sage: eigenvalues = em[0]; eigenvalues.dense_matrix() # abs tol 1e-13
[13.348469228349522                0.0                 0.0]
[               0.0 -1.348469228349534                 0.0]
[               0.0                0.0                 0.0]
sage: eigenvectors = em[1]; eigenvectors # not tested
[ 0.440242867...  0.567868371...  0.695493875...]
[ 0.897878732...  0.278434036... -0.341010658...]
[ 0.408248290... -0.816496580...  0.408248290...]

sage: # needs sage.symbolic
sage: x, y = var('x y')
sage: S = matrix([[x, y], [y, 3*x^2]])
sage: em = S.eigenmatrix_left()
sage: eigenvalues = em[0]; eigenvalues
[3/2*x^2 + 1/2*x - 1/2*sqrt(9*x^4 - 6*x^3 + x^2 + 4*y^2)                                                       0]
[                                                      0 3/2*x^2 + 1/2*x + 1/2*sqrt(9*x^4 - 6*x^3 + x^2 + 4*y^2)]
sage: eigenvectors = em[1]; eigenvectors
[                                                    1 1/2*(3*x^2 - x - sqrt(9*x^4 - 6*x^3 + x^2 + 4*y^2))/y]
[                                                    1 1/2*(3*x^2 - x + sqrt(9*x^4 - 6*x^3 + x^2 + 4*y^2))/y]

A request for 'all' the eigenvalues, when it is not possible, will raise an error. Using the 'galois' format option is more likely to be successful.

sage: # needs sage.rings.finite_rings
sage: F.<b> = FiniteField(11^2)
sage: A = matrix(F, [[b + 1, b + 1], [10*b + 4, 5*b + 4]])
sage: A.eigenspaces_left(format='all')                                      # needs sage.rings.number_field
Traceback (most recent call last):
...
NotImplementedError: unable to construct eigenspaces for eigenvalues outside the base field,
try the keyword option: format='galois'
sage: A.eigenspaces_left(format='galois')                                   # needs sage.rings.number_field
[ (a0,
   Vector space of degree 2 and dimension 1 over
    Univariate Quotient Polynomial Ring in a0 over
     Finite Field in b of size 11^2
    with modulus x^2 + (5*b + 6)*x + 8*b + 10
     User basis matrix:
     [               1 6*b*a0 + 3*b + 1]) ]
left_eigenvectors(other=None, extend=True)#

Compute the left eigenvectors of a matrix.

INPUT:

  • other – a square matrix \(B\) (default: None) in a generalized eigenvalue problem; if None, an ordinary eigenvalue problem is solved (currently supported only if the base ring of self is RDF or CDF)

  • extend – boolean (default: True)

OUTPUT:

For each distinct eigenvalue, returns a list of the form (e,V,n) where e is the eigenvalue, V is a list of eigenvectors forming a basis for the corresponding left eigenspace, and n is the algebraic multiplicity of the eigenvalue.

If the option extend is set to False, then only the eigenvalues that live in the base ring are considered.

EXAMPLES:

We compute the left eigenvectors of a \(3\times 3\) rational matrix.

sage: # needs sage.rings.number_field
sage: A = matrix(QQ, 3, 3, range(9)); A
[0 1 2]
[3 4 5]
[6 7 8]
sage: es = A.eigenvectors_left(); es
[(0, [ (1, -2, 1) ], 1),
 (-1.348469228349535?, [(1, 0.3101020514433644?, -0.3797958971132713?)], 1),
 (13.34846922834954?, [(1, 1.289897948556636?, 1.579795897113272?)], 1)]
sage: eval, [evec], mult = es[0]
sage: delta = eval*evec - evec*A
sage: abs(abs(delta)) < 1e-10
True

Notice the difference between considering ring extensions or not.

sage: M = matrix(QQ, [[0,-1,0], [1,0,0], [0,0,2]])
sage: M.eigenvectors_left()                                                 # needs sage.rings.number_field
[(2,    [ (0, 0, 1) ],  1),
 (-1*I, [(1, -1*I, 0)], 1),
 (1*I,  [(1, 1*I, 0)],  1)]
sage: M.eigenvectors_left(extend=False)                                     # needs sage.rings.number_field
[(2,    [ (0, 0, 1) ],  1)]
left_kernel(*args, **kwds)#

Returns the left kernel of this matrix, as a vector space or free module. This is the set of vectors x such that x*self = 0.

Note

For the right kernel, use right_kernel(). The method kernel() is exactly equal to left_kernel().

For inexact rings use right_kernel_matrix() with basis='computed' (on the transpose of the matrix) to avoid echolonizing.

INPUT:

  • algorithm - default: ‘default’ - a keyword that selects the algorithm employed. Allowable values are:

    • ‘default’ - allows the algorithm to be chosen automatically

    • ‘generic’ - naive algorithm usable for matrices over any field

    • ‘flint’ - FLINT library code for matrices over the rationals or the integers

    • ‘pari’ - PARI library code for matrices over number fields or the integers

    • ‘padic’ - padic algorithm from IML library for matrices over the rationals and integers

    • ‘pluq’ - PLUQ matrix factorization for matrices mod 2

  • basis - default: ‘echelon’ - a keyword that describes the format of the basis used to construct the left kernel. Allowable values are:

    • ‘echelon’: the basis matrix is returned in echelon form

    • ‘pivot’ : each basis vector is computed from the reduced row-echelon form of self by placing a single one in a non-pivot column and zeros in the remaining non-pivot columns. Only available for matrices over fields.

    • ‘LLL’: an LLL-reduced basis. Only available for matrices over the integers.

OUTPUT:

A vector space or free module whose degree equals the number of rows in self and which contains all the vectors x such that x*self = 0.

If self has 0 rows, the kernel has dimension 0, while if self has 0 columns the kernel is the entire ambient vector space.

The result is cached. Requesting the left kernel a second time, but with a different basis format, will return the cached result with the format from the first computation.

Note

For much more detailed documentation of the various options see right_kernel(), since this method just computes the right kernel of the transpose of self.

EXAMPLES:

Over the rationals with a basis matrix in echelon form.

sage: A = matrix(QQ, [[1, 2, 4, -7, 4],
....:                 [1, 1, 0, 2, -1],
....:                 [1, 0, 3, -3, 1],
....:                 [0, -1, -1, 3, -2],
....:                 [0, 0, -1, 2, -1]])
sage: A.left_kernel()
Vector space of degree 5 and dimension 2 over Rational Field
Basis matrix:
[ 1  0 -1  2 -1]
[ 0  1 -1  1 -4]

Over a finite field, with a basis matrix in “pivot” format.

sage: A = matrix(FiniteField(7), [[5, 0, 5, 2, 4],
....:                             [1, 3, 2, 3, 6],
....:                             [1, 1, 6, 5, 3],
....:                             [2, 5, 6, 0, 0]])
sage: A.kernel(basis='pivot')
Vector space of degree 4 and dimension 2 over Finite Field of size 7
User basis matrix:
[5 2 1 0]
[6 3 0 1]

The left kernel of a zero matrix is the entire ambient vector space whose degree equals the number of rows of self (i.e. everything).

sage: A = MatrixSpace(QQ, 3, 4)(0)
sage: A.kernel()
Vector space of degree 3 and dimension 3 over Rational Field
Basis matrix:
[1 0 0]
[0 1 0]
[0 0 1]

We test matrices with no rows or columns.

sage: A = matrix(QQ, 2, 0)
sage: A.left_kernel()
Vector space of degree 2 and dimension 2 over Rational Field
Basis matrix:
[1 0]
[0 1]
sage: A = matrix(QQ, 0, 2)
sage: A.left_kernel()
Vector space of degree 0 and dimension 0 over Rational Field
Basis matrix:
[]

The results are cached. Note that requesting a new format for the basis is ignored and the cached copy is returned. Work with a copy if you need a new left kernel, or perhaps investigate the right_kernel_matrix() method on the transpose, which does not cache its results and is more flexible.

sage: A = matrix(QQ, [[1,1],[2,2]])
sage: K1 = A.left_kernel()
sage: K1
Vector space of degree 2 and dimension 1 over Rational Field
Basis matrix:
[   1 -1/2]
sage: K2 = A.left_kernel()
sage: K1 is K2
True
sage: K3 = A.left_kernel(basis='pivot')
sage: K3
Vector space of degree 2 and dimension 1 over Rational Field
Basis matrix:
[   1 -1/2]
sage: B = copy(A)
sage: K3 = B.left_kernel(basis='pivot')
sage: K3
Vector space of degree 2 and dimension 1 over Rational Field
User basis matrix:
[-2  1]
sage: K3 is K1
False
sage: K3 == K1
True
left_kernel_matrix(*args, **kwds)#

Returns a matrix whose rows form a basis for the left kernel of self.

This method is a thin wrapper around right_kernel_matrix(). For supported parameters and input/output formats, see there.

EXAMPLES:

sage: M = matrix([[1,2],[3,4],[5,6]])
sage: K = M.left_kernel_matrix(); K
[ 1 -2  1]
sage: K * M
[0 0]
left_nullity()#

Return the (left) nullity of this matrix, which is the dimension of the (left) kernel of this matrix acting from the right on row vectors.

EXAMPLES:

sage: M = Matrix(QQ,[[1,0,0,1],[0,1,1,0],[1,1,1,0]])
sage: M.nullity()
0
sage: M.left_nullity()
0
sage: A = M.transpose()
sage: A.nullity()
1
sage: A.left_nullity()
1
sage: M = M.change_ring(ZZ)
sage: M.nullity()
0
sage: A = M.transpose()
sage: A.nullity()
1
matrix_window(row=0, col=0, nrows=-1, ncols=-1, check=1)#

Return the requested matrix window.

EXAMPLES:

sage: A = matrix(QQ, 3, 3, range(9))
sage: A.matrix_window(1,1, 2, 1)
Matrix window of size 2 x 1 at (1,1):
[0 1 2]
[3 4 5]
[6 7 8]

We test the optional check flag.

sage: matrix([1]).matrix_window(0,1,1,1, check=False)
Matrix window of size 1 x 1 at (0,1):
[1]
sage: matrix([1]).matrix_window(0,1,1,1)
Traceback (most recent call last):
...
IndexError: matrix window index out of range

Another test of bounds checking:

sage: matrix([1]).matrix_window(1,1,1,1)
Traceback (most recent call last):
...
IndexError: matrix window index out of range
maxspin(v)#

Computes the largest integer n such that the list of vectors \(S=[v, v*A, ..., v * A^n]\) are linearly independent, and returns that list.

INPUT:

  • self - Matrix

  • v - Vector

OUTPUT:

  • list - list of Vectors

ALGORITHM: The current implementation just adds vectors to a vector space until the dimension doesn’t grow. This could be optimized by directly using matrices and doing an efficient Echelon form. Also, when the base is Q, maybe we could simultaneously keep track of what is going on in the reduction modulo p, which might make things much faster.

EXAMPLES:

sage: t = matrix(QQ, 3, 3, range(9)); t
[0 1 2]
[3 4 5]
[6 7 8]
sage: v = (QQ^3).0
sage: t.maxspin(v)
[(1, 0, 0), (0, 1, 2), (15, 18, 21)]
sage: k = t.kernel(); k
Vector space of degree 3 and dimension 1 over Rational Field
Basis matrix:
[ 1 -2  1]
sage: t.maxspin(k.0)
[(1, -2, 1)]
minimal_polynomial(var='x', **kwds)#

This is a synonym for self.minpoly

EXAMPLES:

sage: a = matrix(QQ, 4, 4, range(16))
sage: a.minimal_polynomial('z')                                             # needs sage.libs.pari
z^3 - 30*z^2 - 80*z
sage: a.minpoly()                                                           # needs sage.libs.pari
x^3 - 30*x^2 - 80*x
minors(k)#

Return the list of all \(k \times k\) minors of self.

Let \(A\) be an \(m \times n\) matrix and \(k\) an integer with \(0 \leq k\), \(k \leq m\) and \(k \leq n\). A \(k \times k\) minor of \(A\) is the determinant of a \(k \times k\) matrix obtained from \(A\) by deleting \(m - k\) rows and \(n - k\) columns. There are no \(k \times k\) minors of \(A\) if \(k\) is larger than either \(m\) or \(n\).

The returned list is sorted in lexicographical row major ordering, e.g., if A is a \(3 \times 3\) matrix then the minors returned are with these rows/columns: [ [0, 1]x[0, 1], [0, 1]x[0, 2], [0, 1]x[1, 2], [0, 2]x[0, 1], [0, 2]x[0, 2], [0, 2]x[1, 2], [1, 2]x[0, 1], [1, 2]x[0, 2], [1, 2]x[1, 2] ].

INPUT:

  • k – integer

EXAMPLES:

sage: A = Matrix(ZZ,2,3,[1,2,3,4,5,6]); A
[1 2 3]
[4 5 6]
sage: A.minors(2)
[-3, -6, -3]
sage: A.minors(1)
[1, 2, 3, 4, 5, 6]
sage: A.minors(0)
[1]
sage: A.minors(5)
[]
sage: k = GF(37)
sage: P.<x0,x1,x2> = PolynomialRing(k)
sage: A = Matrix(P, 2, 3, [x0*x1, x0, x1, x2, x2 + 16, x2 + 5*x1])
sage: A.minors(2)                                                           # needs sage.rings.finite_rings
[x0*x1*x2 + 16*x0*x1 - x0*x2,
 5*x0*x1^2 + x0*x1*x2 - x1*x2,
 5*x0*x1 + x0*x2 - x1*x2 - 16*x1]

This test addresses an issue raised at github issue #20512:

sage: A.minors(0)[0].parent() == P
True
minpoly(var='x', **kwds)#

Return the minimal polynomial of self.

This uses a simplistic - and potentially very very slow - algorithm that involves computing kernels to determine the powers of the factors of the charpoly that divide the minpoly.

EXAMPLES:

sage: # needs sage.rings.finite_rings
sage: A = matrix(GF(9, 'c'), 4, [1,1,0,0, 0,1,0,0, 0,0,5,0, 0,0,0,5])
sage: factor(A.minpoly())
(x + 1) * (x + 2)^2
sage: A.minpoly()(A) == 0
True
sage: factor(A.charpoly())
(x + 1)^2 * (x + 2)^2

The default variable name is \(x\), but you can specify another name:

sage: factor(A.minpoly('y'))                                                # needs sage.rings.finite_rings
(y + 1) * (y + 2)^2
norm(p=2)#

Return the p-norm of this matrix, where \(p\) can be 1, 2, \(\inf\), or the Frobenius norm.

INPUT:

  • self - a matrix whose entries are coercible into CDF

  • p - one of the following options:

  • 1 - the largest column-sum norm

  • 2 (default) - the Euclidean norm

  • Infinity - the largest row-sum norm

  • 'frob' - the Frobenius (sum of squares) norm

OUTPUT: RDF number

EXAMPLES:

sage: A = matrix(ZZ, [[1,2,4,3],[-1,0,3,-10]])
sage: A.norm(1)
13.0
sage: A.norm(Infinity)
14.0
sage: B = random_matrix(QQ, 20, 21)
sage: B.norm(Infinity) == (B.transpose()).norm(1)
True
sage: Id = identity_matrix(12)
sage: Id.norm(2)                                                            # needs scipy
1.0

sage: # needs scipy sage.rings.real_mpfr
sage: A = matrix(RR, 2, 2, [13,-4,-4,7])
sage: A.norm()  # rel tol 2e-16
14.999999999999998

Norms of numerical matrices over high-precision reals are computed by this routine. Faster routines for double precision entries from \(RDF\) or \(CDF\) are provided by the Matrix_double_dense class.

sage: # needs sage.rings.real_mpfr sage.symbolic
sage: A = matrix(CC, 2, 3, [3*I,4,1-I,1,2,0])
sage: A.norm('frob')
5.656854249492381
sage: A.norm(2)
5.470684443210...
sage: A.norm(1)
6.0
sage: A.norm(Infinity)
8.414213562373096

sage: a = matrix([[],[],[],[]])
sage: a.norm()
0.0
sage: a.norm(Infinity) == a.norm(1)
True
nullity()#

Return the (left) nullity of this matrix, which is the dimension of the (left) kernel of this matrix acting from the right on row vectors.

EXAMPLES:

sage: M = Matrix(QQ,[[1,0,0,1],[0,1,1,0],[1,1,1,0]])
sage: M.nullity()
0
sage: M.left_nullity()
0
sage: A = M.transpose()
sage: A.nullity()
1
sage: A.left_nullity()
1
sage: M = M.change_ring(ZZ)
sage: M.nullity()
0
sage: A = M.transpose()
sage: A.nullity()
1
numerical_approx(prec=None, digits=None, algorithm=None)#

Return a numerical approximation of self with prec bits (or decimal digits) of precision.

INPUT:

  • prec – precision in bits

  • digits – precision in decimal digits (only used if prec is not given)

  • algorithm – ignored for matrices

OUTPUT: A matrix converted to a real or complex field

EXAMPLES:

sage: # needs sage.symbolic
sage: d = matrix([[3, 0], [0, sqrt(2)]])
sage: b = matrix([[1, -1], [2, 2]]); e = b * d * b.inverse(); e
[ 1/2*sqrt(2) + 3/2 -1/4*sqrt(2) + 3/4]
[      -sqrt(2) + 3  1/2*sqrt(2) + 3/2]
sage: e.numerical_approx(53)
[ 2.20710678118655 0.396446609406726]
[ 1.58578643762690  2.20710678118655]
sage: e.numerical_approx(20)
[ 2.2071 0.39645]
[ 1.5858  2.2071]
sage: (e - I).numerical_approx(20)
[2.2071 - 1.0000*I           0.39645]
[           1.5858 2.2071 - 1.0000*I]
sage: M = matrix(QQ, 4, [i/(i+1) for i in range(12)]); M
[    0   1/2   2/3]
[  3/4   4/5   5/6]
[  6/7   7/8   8/9]
[ 9/10 10/11 11/12]
sage: M.numerical_approx()
[0.000000000000000 0.500000000000000 0.666666666666667]
[0.750000000000000 0.800000000000000 0.833333333333333]
[0.857142857142857 0.875000000000000 0.888888888888889]
[0.900000000000000 0.909090909090909 0.916666666666667]
sage: matrix(SR, 2, 2, range(4)).n()                                        # needs sage.symbolic
[0.000000000000000  1.00000000000000]
[ 2.00000000000000  3.00000000000000]
sage: numerical_approx(M)
[0.000000000000000 0.500000000000000 0.666666666666667]
[0.750000000000000 0.800000000000000 0.833333333333333]
[0.857142857142857 0.875000000000000 0.888888888888889]
[0.900000000000000 0.909090909090909 0.916666666666667]

We check that github issue #29700 is fixed:

sage: M = matrix(3, [1,1,1,1,0,0,0,1,0])
sage: A, B = M.diagonalization(QQbar)                                       # needs sage.rings.number_field
sage: _ = A.n()                                                             # needs sage.rings.number_field
permanent(algorithm='Ryser')#

Return the permanent of this matrix.

Let \(A = (a_{i,j})\) be an \(m \times n\) matrix over any commutative ring with \(m \le n\). The permanent of \(A\) is

\[\mathrm{per}(A) = \sum_\pi a_{1,\pi(1)} a_{2,\pi(2)} \cdots a_{m,\pi(m)}\]

where the summation extends over all one-to-one functions \(\pi\) from \(\{1, \ldots, m\}\) to \(\{1, \ldots, n\}\).

The product \(a_{1,\pi(1)} a_{2,\pi(2)} \cdots a_{m,\pi(m)}\) is called diagonal product. So the permanent of an \(m \times n\) matrix \(A\) is the sum of all the diagonal products of \(A\).

By default, this method uses Ryser’s algorithm, but setting algorithm to “ButeraPernici” you can use the algorithm of Butera and Pernici (which is well suited for band matrices, i.e. matrices whose entries are concentrated near the diagonal).

INPUT:

  • A – matrix of size \(m \times n\) with \(m \leq n\)

  • algorithm – either “Ryser” (default) or “ButeraPernici”. The Butera-Pernici algorithm takes advantage of presence of zeros and is very well suited for sparse matrices.

ALGORITHM:

The Ryser algorithm is implemented in the method _permanent_ryser(). It is a modification of theorem 7.1.1. from Brualdi and Ryser: Combinatorial Matrix Theory. Instead of deleting columns from \(A\), we choose columns from \(A\) and calculate the product of the row sums of the selected submatrix.

The Butera-Pernici algorithm is implemented in the function permanental_minor_polynomial(). It takes advantage of cancellations that may occur in the computations.

EXAMPLES:

sage: A = ones_matrix(4,4)
sage: A.permanent()
24

sage: A = matrix(3,6,[1,1,1,1,0,0,0,1,1,1,1,0,0,0,1,1,1,1])
sage: A.permanent()
36
sage: B = A.change_ring(RR)
sage: B.permanent()
36.0000000000000

The permanent above is directed to the Sloane’s sequence OEIS sequence A079908 (“The Dancing School Problems”) for which the third term is 36:

sage: oeis(79908)                           # optional -- internet
A079908: Solution to the Dancing School Problem with 3 girls and n+3 boys: f(3,n).
sage: _(3)                                  # optional -- internet
36
sage: A = matrix(4,5,[1,1,0,1,1,0,1,1,1,1,1,0,1,0,1,1,1,0,1,0])
sage: A.permanent()
32

A huge permanent that cannot be reasonably computed with the Ryser algorithm (a \(50 \times 50\) band matrix with width \(5\)):

sage: n, w = 50, 5
sage: A = matrix(ZZ, n, n, lambda i,j: (i+j)%5 + 1 if abs(i-j) <= w else 0)
sage: A.permanent(algorithm="ButeraPernici")
57766972735511097036962481710892268404670105604676932908

See Minc: Permanents, Example 2.1, p. 5.

sage: A = matrix(QQ,2,2,[1/5,2/7,3/2,4/5])
sage: A.permanent()
103/175
sage: R.<a> = PolynomialRing(ZZ)
sage: A = matrix(R,2,2,[a,1,a,a+1])
sage: A.permanent()
a^2 + 2*a
sage: R.<x,y> = PolynomialRing(ZZ,2)
sage: A = matrix(R,2,2,[x, y, x^2, y^2])
sage: A.permanent()
x^2*y + x*y^2
permanental_minor(k, algorithm='Ryser')#

Return the permanental \(k\)-minor of this matrix.

The permanental \(k\)-minor of a matrix \(A\) is the sum of the permanents of all possible \(k\) by \(k\) submatrices of \(A\). Note that the maximal permanental minor is just the permanent.

For a (0,1)-matrix \(A\) the permanental \(k\)-minor counts the number of different selections of \(k\) 1’s of \(A\) with no two of the 1’s on the same row and no two of the 1’s on the same column.

See Brualdi and Ryser: Combinatorial Matrix Theory, p. 203. Note the typo \(p_0(A) = 0\) in that reference! For applications see Theorem 7.2.1 and Theorem 7.2.4.

See also

The method rook_vector() returns the list of all permanental minors.

INPUT:

  • k – the size of the minor

  • algorithm – either “Ryser” (default) or “ButeraPernici”. The Butera-Pernici algorithm is well suited for band matrices.

EXAMPLES:

sage: A = matrix(4,[1,0,1,0,1,0,1,0,1,0,10,10,1,0,1,1])
sage: A.permanental_minor(2)
114
sage: A = matrix(3,6,[1,1,1,1,0,0,0,1,1,1,1,0,0,0,1,1,1,1])
sage: A.permanental_minor(0)
1
sage: A.permanental_minor(1)
12
sage: A.permanental_minor(2)
40
sage: A.permanental_minor(3)
36

Note that if \(k = m = n\), the permanental \(k\)-minor equals \(\mathrm{per}(A)\):

sage: A.permanent()
36

The permanental minors of the “complement” matrix of \(A\) is related to the permanent of \(A\):

sage: m, n = 3, 6
sage: C = matrix(m, n, lambda i,j: 1 - A[i,j])
sage: sum((-1)^k * C.permanental_minor(k)*factorial(n-k)/factorial(n-m) for k in range(m+1))
36

See Theorem 7.2.1 of Brualdi and Ryser: Combinatorial Matrix Theory: per(A)

permutation_normal_form(check=False)#

Take the set of matrices that are self permuted by any row and column permutation, and return the maximal one of the set where matrices are ordered lexicographically going along each row.

INPUT:

  • check – (default: False) If True return a tuple of the maximal matrix and the permutations taking self to the maximal matrix. If False, return only the maximal matrix.

OUTPUT:

The maximal matrix.

EXAMPLES:

sage: M = matrix(ZZ, [[0, 0, 1], [1, 0, 2], [0, 0, 0]])
sage: M
[0 0 1]
[1 0 2]
[0 0 0]

sage: M.permutation_normal_form()
[2 1 0]
[1 0 0]
[0 0 0]

sage: M = matrix(ZZ, [[-1, 3], [-1, 5], [2, 4]])
sage: M
[-1  3]
[-1  5]
[ 2  4]

sage: M.permutation_normal_form(check=True)                                 # needs sage.graphs sage.groups
(
[ 5 -1]
[ 4  2]
[ 3 -1],
((1,2,3), (1,2))
)
pfaffian(algorithm=None, check=True)#

Return the Pfaffian of self, assuming that self is an alternating matrix.

The result is cached.

INPUT:

  • algorithm (default: None) – string, the algorithm to use; currently the following algorithms have been implemented:

    • 'bfl' - using the Bär-Faddeev-LeVerrier algorithm

    • 'definition' - using the definition given by perfect matchings

  • check (default: True) – boolean determining whether to check self for alternatingness and squareness. This has to be set to False if self is defined over a non-discrete ring.

The Pfaffian of an alternating matrix is defined as follows:

Let \(A\) be an alternating \(k \times k\) matrix over a commutative ring. (Here, “alternating” means that \(A^T = -A\) and that the diagonal entries of \(A\) are zero.) If \(k\) is odd, then the Pfaffian of the matrix \(A\) is defined to be \(0\). Let us now define it when \(k\) is even. In this case, set \(n = k/2\) (this is an integer). For every \(i\) and \(j\), we denote the \((i, j)\)-th entry of \(A\) by \(a_{i, j}\). Let \(M\) denote the set of all perfect matchings of the set \(\{ 1, 2, \ldots, 2n \}\) (see sage.combinat.perfect_matching.PerfectMatchings ). For every matching \(m \in M\), define the sign \(\mathrm{sign}(m)\) of \(m\) by writing \(m\) as \(\{ \{ i_1, j_1 \}, \{ i_2, j_2 \}, \ldots, \{ i_n, j_n \} \}\) with \(i_k < j_k\) for all \(k\), and setting \(\mathrm{sign}(m)\) to be the sign of the permutation \(( i_1, j_1, i_2, j_2, \ldots, i_n, j_n )\) (written here in one-line notation). For every matching \(m \in M\), define the weight \(w(m)\) of \(m\) by writing \(m\) as \(\{ \{ i_1, j_1 \}, \{ i_2, j_2 \}, \ldots, \{ i_n, j_n \} \}\) with \(i_k < j_k\) for all \(k\), and setting \(w(m) = a_{i_1, j_1} a_{i_2, j_2} \cdots a_{i_n, j_n}\). Now, the Pfaffian of the matrix \(A\) is defined to be the sum

\[\sum_{m \in M} \mathrm{sign}(m) w(m).\]

The Pfaffian of \(A\) is commonly denoted by \(\mathrm{Pf}(A)\). It is well-known that \((\mathrm{Pf}(A))^2 = \det A\) for every alternating matrix \(A\), and that \(\mathrm{Pf} (U^T A U) = \det U \cdot \mathrm{Pf}(A)\) for any \(n \times n\) matrix \(U\) and any alternating \(n \times n\) matrix \(A\).

See [Knu1995], [DW1995] and [Rot2001], [Baer2020], just to name a few sources, for further properties of Pfaffians.

ALGORITHM:

If the matrix is small, namely up to size \(4 \times 4\), the naive formulas are always used.

The Bär-Faddeev-LeVerrier algorithm can be accessed using 'bfl'. It works over any \(\QQ\)-algebra or ring whose fraction field is an \(\QQ\)-algebra (see [Baer2020] for details). If that check fails, the implementation raises an error because correct results cannot be guaranteed.

To access the algorithm using the above definition, use 'definition'. However, notice that this algorithm is usually very slow.

By default, i.e. if no options are set, the implementation tries to apply the BFL algorithm first. If BFL is not applicable, it uses the definition by perfect matchings.

The alternatingness of the matrix self is checked only if check is True (this is important because even if self is alternating, a non-discrete base ring might prevent Sage from being able to check this).

EXAMPLES:

A \(3 \times 3\) alternating matrix has Pfaffian 0 independently of its entries:

sage: MSp = MatrixSpace(Integers(27), 3)
sage: A = MSp([0, 2, -3,  -2, 0, 8,  3, -8, 0])
sage: A.pfaffian()
0
sage: parent(A.pfaffian())
Ring of integers modulo 27

The Pfaffian of a \(2 \times 2\) alternating matrix is just its northeast entry:

sage: MSp = MatrixSpace(QQ, 2)
sage: A = MSp([0, 4,  -4, 0])
sage: A.pfaffian()
4
sage: parent(A.pfaffian())
Rational Field

The Pfaffian of a \(0 \times 0\) alternating matrix is \(1\):

sage: MSp = MatrixSpace(ZZ, 0)
sage: A = MSp([])
sage: A.pfaffian()
1
sage: parent(A.pfaffian())
Integer Ring

Let us compute the Pfaffian of a generic \(4 \times 4\) alternating matrix:

sage: R = PolynomialRing(QQ, 'x12,x13,x14,x23,x24,x34')
sage: x12, x13, x14, x23, x24, x34 = R.gens()
sage: A = matrix(R, [[   0,  x12,  x13,  x14],
....:                [-x12,    0,  x23,  x24],
....:                [-x13, -x23,    0,  x34],
....:                [-x14, -x24, -x34,    0]])
sage: A.pfaffian()
x14*x23 - x13*x24 + x12*x34
sage: parent(A.pfaffian())
Multivariate Polynomial Ring in x12, x13, x14, x23, x24, x34 over Rational Field

The Pfaffian of an alternating matrix squares to its determinant:

sage: A = [[0] * 6 for i in range(6)]
sage: for i in range(6):
....:     for j in range(i):
....:         u = floor(random() * 10)
....:         A[i][j] = u
....:         A[j][i] = -u
....:     A[i][i] = 0
sage: AA = Matrix(ZZ, A)
sage: AA.pfaffian() ** 2 == AA.det()
True

In order to use the Bär-Faddeev-LeVerrier algorithm, the base ring must have characteristic zero:

sage: A = matrix(GF(5), [(0, 3, 4, 1, 3, 4),
....:                    (2, 0, 2, 0, 1, 0),
....:                    (1, 3, 0, 4, 1, 0),
....:                    (4, 0, 1, 0, 2, 0),
....:                    (2, 4, 4, 3, 0, 0),
....:                    (1, 0, 0, 0, 0, 0)])
sage: A.pfaffian(algorithm='bfl')
Traceback (most recent call last):
...
TypeError: Bär-Faddeev-LeVerrier algorithm not applicable,
 use another algorithm instead

In that case, the definition by perfect matchings is used instead:

sage: A.pfaffian()                                                          # needs sage.combinat
2
pivot_rows()#

Return the pivot row positions for this matrix, which are a topmost subset of the rows that span the row space and are linearly independent.

OUTPUT: a tuple of integers

EXAMPLES:

sage: A = matrix(QQ,3,3, [0,0,0,1,2,3,2,4,6]); A
[0 0 0]
[1 2 3]
[2 4 6]
sage: A.pivot_rows()
(1,)
sage: A.pivot_rows() # testing cached value
(1,)
plot(*args, **kwds)#

A plot of this matrix.

Each (ith, jth) matrix element is given a different color value depending on its relative size compared to the other elements in the matrix.

The tick marks drawn on the frame axes denote the (ith, jth) element of the matrix.

This method just calls matrix_plot. *args and **kwds are passed to matrix_plot.

EXAMPLES:

A matrix over ZZ colored with different grey levels:

sage: A = matrix([[1,3,5,1],[2,4,5,6],[1,3,5,7]])
sage: A.plot()                                                              # needs sage.plot
Graphics object consisting of 1 graphics primitive

Here we make a random matrix over RR and use cmap='hsv' to color the matrix elements different RGB colors (see documentation for matrix_plot for more information on cmaps):

sage: A = random_matrix(RDF, 50)
sage: plot(A, cmap='hsv')                                                   # needs sage.plot
Graphics object consisting of 1 graphics primitive

Another random plot, but over GF(389):

sage: A = random_matrix(GF(389), 10)
sage: A.plot(cmap='Oranges')                                                # needs sage.plot
Graphics object consisting of 1 graphics primitive
principal_square_root(check_positivity=True)#

Return the principal square root of a positive definite matrix.

A positive definite matrix \(A\) has a unique positive definite matrix \(M\) such that \(M^2 = A\).

See Wikipedia article Square_root_of_a_matrix.

EXAMPLES:

sage: A = Matrix([[1,-1/2,0],[-1/2,1,-1/2],[0,-1/2,1]])
sage: B = A.principal_square_root()
sage: A == B^2
True
prod_of_row_sums(cols)#

Calculate the product of all row sums of a submatrix of \(A\) for a list of selected columns cols.

EXAMPLES:

sage: a = matrix(QQ, 2, 2, [1,2,3,2]); a
[1 2]
[3 2]
sage: a.prod_of_row_sums([0,1])
15

Another example:

sage: a = matrix(QQ, 2,3, [1,2,3,2,5,6]); a
[1 2 3]
[2 5 6]
sage: a.prod_of_row_sums([1,2])
55
pseudoinverse(algorithm=None)#

Return the Moore-Penrose pseudoinverse of this matrix.

INPUT:

  • algorithm (default: guess) – one of the following:

    • "numpy" – Use numpy’s linalg.pinv() which is suitable over real or complex fields.

    • "exact" – Use a simple algorithm which is not numerically stable but useful over exact fields. Assume that no conjugation is needed, that the conjugate transpose is just the transpose.

    • "exactconj" – Like exact but use the conjugate transpose.

OUTPUT: a matrix

EXAMPLES:

sage: # needs sage.rings.complex_double sage.symbolic
sage: M = diagonal_matrix(CDF, [0, I, 1+I]); M
[        0.0         0.0         0.0]
[        0.0       1.0*I         0.0]
[        0.0         0.0 1.0 + 1.0*I]
sage: M.pseudoinverse()  # tol 1e-15
[        0.0         0.0         0.0]
[        0.0      -1.0*I         0.0]
[        0.0         0.0 0.5 - 0.5*I]

We check the properties of the pseudoinverse over an exact field:

sage: M = random_matrix(QQ, 6, 3) * random_matrix(QQ, 3, 5)
sage: Mx = M.pseudoinverse()
sage: M * Mx * M == M
True
sage: Mx * M * Mx == Mx
True
sage: (M * Mx).is_symmetric()
True
sage: (Mx * M).is_symmetric()
True

Beware that the exact algorithm is not numerically stable, but the default numpy algorithm is:

sage: M = matrix.hilbert(12, ring=RR)
sage: (~M * M).norm()  # a considerable error                               # needs scipy
1.3...
sage: Mx = M.pseudoinverse(algorithm="exact")
sage: (Mx * M).norm()  # huge error                                         # needs scipy
11.5...
sage: Mx = M.pseudoinverse(algorithm="numpy")                               # needs numpy
sage: (Mx * M).norm()  # still OK
1.00...

When multiplying the given matrix with the pseudoinverse, the result is symmetric for the exact algorithm or hermitian for the exactconj algorithm:

sage: # needs sage.rings.number_field sage.symbolic
sage: M = matrix(QQbar, 2, 2, [1, sqrt(-3), -sqrt(-3), 3])
sage: M * M.pseudoinverse()
[   0.2500000000000000?  0.4330127018922193?*I]
[-0.4330127018922193?*I     0.750000000000000?]
sage: M * M.pseudoinverse(algorithm="exactconj")
[                   1/4  0.4330127018922193?*I]
[-0.4330127018922193?*I                    3/4]
sage: M * M.pseudoinverse(algorithm="exact")
[                -1/2 0.866025403784439?*I]
[0.866025403784439?*I                  3/2]

For an invertible matrix, the pseudoinverse is just the inverse:

sage: M = matrix([[1,2], [3,4]])
sage: ~M
[  -2    1]
[ 3/2 -1/2]
sage: M.pseudoinverse()
[  -2    1]
[ 3/2 -1/2]

Numpy gives a strange answer due to rounding errors:

sage: M.pseudoinverse(algorithm="numpy")  # random                          # needs numpy
[-1286742750677287/643371375338643 1000799917193445/1000799917193444]
[  519646110850445/346430740566963  -300239975158034/600479950316067]

Although it is not too far off:

sage: (~M - M.pseudoinverse(algorithm="numpy")).norm() < 1e-14              # needs numpy
True
qdet(q=None)#

Return the quantum deteminant of self.

The quantum determinant of a matrix \(M = (m_{ij})_{i,j=1}^n\) is defined by

\[\det_q(M) = \sum_{\sigma \in S_n} (-q)^{\ell(\sigma)} M_{\sigma(i),j},\]

where \(S_n\) is the symmetric group on \(\{1, \ldots, n\}\) and \(\ell(\sigma)\) denotes the length of \(\sigma\) written as simple transpositions (equivalently the number of inversions when written in one-line notation).

INPUT:

  • q – the parameter \(q\); the default is \(q \in F[q]\), where \(F\) is the base ring of self

EXAMPLES:

sage: A = matrix(SR, 2, lambda i, j: f'a{i}{j}'); A                         # needs sage.symbolic
[a00 a01]
[a10 a11]
sage: A.quantum_determinant()                                               # needs sage.symbolic
-a01*a10*q + a00*a11

sage: A = matrix(SR, 3, lambda i, j: f'a{i}{j}')                            # needs sage.symbolic
sage: A.quantum_determinant()                                               # needs sage.symbolic
-a02*a11*a20*q^3 + (a01*a12*a20 + a02*a10*a21)*q^2
 + (-a00*a12*a21 - a01*a10*a22)*q + a00*a11*a22

sage: R.<q> = LaurentPolynomialRing(ZZ)
sage: MS = MatrixSpace(Integers(8), 3)
sage: A = MS([1,7,3, 1,1,1, 3,4,5])
sage: A.det()
6
sage: A.quantum_determinant(q^-2)
7*q^-6 + q^-4 + q^-2 + 5

sage: S.<x,y> = PolynomialRing(GF(7))
sage: R.<q> = LaurentPolynomialRing(S)
sage: MS = MatrixSpace(S, 3, sparse=True)
sage: A = MS([[x, y, 3], [4, 2+y, x^2], [0, 1-x, x+y]])
sage: A.det()
x^4 - x^3 + x^2*y + x*y^2 + 2*x^2 - 2*x*y + 3*y^2 + 2*x - 2
sage: A.quantum_determinant()
(2*x - 2)*q^2 + (x^4 - x^3 + 3*x*y + 3*y^2)*q + x^2*y + x*y^2 + 2*x^2 + 2*x*y
sage: A.quantum_determinant(int(2))
2*x^4 - 2*x^3 + x^2*y + x*y^2 + 2*x^2 + x*y - y^2 + x - 1
sage: A.quantum_determinant(q*x + q^-1*y)
(2*x*y^2 - 2*y^2)*q^-2 + (x^4*y - x^3*y + 3*x*y^2 + 3*y^3)*q^-1
 + (-2*x^2*y + x*y^2 + 2*x^2 - 2*x*y)
 + (x^5 - x^4 + 3*x^2*y + 3*x*y^2)*q + (2*x^3 - 2*x^2)*q^2
quantum_determinant(q=None)#

Return the quantum deteminant of self.

The quantum determinant of a matrix \(M = (m_{ij})_{i,j=1}^n\) is defined by

\[\det_q(M) = \sum_{\sigma \in S_n} (-q)^{\ell(\sigma)} M_{\sigma(i),j},\]

where \(S_n\) is the symmetric group on \(\{1, \ldots, n\}\) and \(\ell(\sigma)\) denotes the length of \(\sigma\) written as simple transpositions (equivalently the number of inversions when written in one-line notation).

INPUT:

  • q – the parameter \(q\); the default is \(q \in F[q]\), where \(F\) is the base ring of self

EXAMPLES:

sage: A = matrix(SR, 2, lambda i, j: f'a{i}{j}'); A                         # needs sage.symbolic
[a00 a01]
[a10 a11]
sage: A.quantum_determinant()                                               # needs sage.symbolic
-a01*a10*q + a00*a11

sage: A = matrix(SR, 3, lambda i, j: f'a{i}{j}')                            # needs sage.symbolic
sage: A.quantum_determinant()                                               # needs sage.symbolic
-a02*a11*a20*q^3 + (a01*a12*a20 + a02*a10*a21)*q^2
 + (-a00*a12*a21 - a01*a10*a22)*q + a00*a11*a22

sage: R.<q> = LaurentPolynomialRing(ZZ)
sage: MS = MatrixSpace(Integers(8), 3)
sage: A = MS([1,7,3, 1,1,1, 3,4,5])
sage: A.det()
6
sage: A.quantum_determinant(q^-2)
7*q^-6 + q^-4 + q^-2 + 5

sage: S.<x,y> = PolynomialRing(GF(7))
sage: R.<q> = LaurentPolynomialRing(S)
sage: MS = MatrixSpace(S, 3, sparse=True)
sage: A = MS([[x, y, 3], [4, 2+y, x^2], [0, 1-x, x+y]])
sage: A.det()
x^4 - x^3 + x^2*y + x*y^2 + 2*x^2 - 2*x*y + 3*y^2 + 2*x - 2
sage: A.quantum_determinant()
(2*x - 2)*q^2 + (x^4 - x^3 + 3*x*y + 3*y^2)*q + x^2*y + x*y^2 + 2*x^2 + 2*x*y
sage: A.quantum_determinant(int(2))
2*x^4 - 2*x^3 + x^2*y + x*y^2 + 2*x^2 + x*y - y^2 + x - 1
sage: A.quantum_determinant(q*x + q^-1*y)
(2*x*y^2 - 2*y^2)*q^-2 + (x^4*y - x^3*y + 3*x*y^2 + 3*y^3)*q^-1
 + (-2*x^2*y + x*y^2 + 2*x^2 - 2*x*y)
 + (x^5 - x^4 + 3*x^2*y + 3*x*y^2)*q + (2*x^3 - 2*x^2)*q^2
randomize(density=1, nonzero=False, *args, **kwds)#

Replace a proportion of the entries of a matrix by random elements, leaving the remaining entries unchanged.

Note

The locations of the entries of the matrix to change are determined randomly, with the total number of locations determined by the density keyword. These locations are not guaranteed to be distinct. So it is possible that the same position can be chosen multiple times, especially for a very small matrix. The exception is when density = 1, in which case every entry of the matrix will be changed.

INPUT:

  • density - float (default: 1); upper bound for the proportion of entries that are changed

  • nonzero - Bool (default: False); if True, then new entries will be nonzero

  • *args, **kwds - Remaining parameters may be passed to the random_element function of the base ring

EXAMPLES:

We construct the zero matrix over a polynomial ring.

sage: a = matrix(QQ['x'], 3); a
[0 0 0]
[0 0 0]
[0 0 0]

We then randomize roughly half the entries:

sage: a.randomize(0.5)
sage: a.density() <= 0.5
True

Now we randomize all the entries of the resulting matrix:

sage: while a.density() < 0.9:
....:     a = matrix(QQ['x'], 3)
....:     a.randomize()

We create the zero matrix over the integers:

sage: a = matrix(ZZ, 2); a
[0 0]
[0 0]

Then we randomize it; the x and y keywords, which determine the size of the random elements, are passed on to the random_element method for ZZ.

sage: a.randomize(x=-2^64, y=2^64)
sage: while all(abs(b) < 2^63 for b in a.list()):
....:     a.randomize(x=-2^64, y=2^64)
sage: all(abs(b) < 2^64 for b in a.list())
True
rational_form(format='right', subdivide=True)#

Returns the rational canonical form, also known as Frobenius form.

INPUT:

  • self - a square matrix with entries from an exact field.

  • format - default: ‘right’ - one of ‘right’, ‘bottom’, ‘left’, ‘top’ or ‘invariants’. The first four will cause a matrix to be returned with companion matrices dictated by the keyword. The value ‘invariants’ will cause a list of lists to be returned, where each list contains coefficients of a polynomial associated with a companion matrix.

  • subdivide - default: ‘True’ - if ‘True’ and a matrix is returned, then it contains subdivisions delineating the companion matrices along the diagonal.

OUTPUT:

The rational form of a matrix is a similar matrix composed of submatrices (“blocks”) placed on the main diagonal. Each block is a companion matrix. Associated with each companion matrix is a polynomial. In rational form, the polynomial of one block will divide the polynomial of the next block (and thus, the polynomials of all subsequent blocks).

Rational form, also known as Frobenius form, is a canonical form. In other words, two matrices are similar if and only if their rational canonical forms are equal. The algorithm used does not provide the similarity transformation matrix (also known as the change-of-basis matrix).

Companion matrices may be written in one of four styles, and any such style may be selected with the format keyword. See the companion matrix constructor, sage.matrix.constructor.companion_matrix(), for more information about companion matrices.

If the ‘invariants’ value is used for the format keyword, then the return value is a list of lists, where each list is the coefficients of the polynomial associated with one of the companion matrices on the diagonal. These coefficients include the leading one of the monic polynomial and are ready to be coerced into any polynomial ring over the same field (see examples of this below). This return value is intended to be the most compact representation and the easiest to use for testing equality of rational forms.

Because the minimal and characteristic polynomials of a companion matrix are the associated polynomial, it is easy to see that the product of the polynomials of the blocks will be the characteristic polynomial and the final polynomial will be the minimal polynomial of the entire matrix.

ALGORITHM:

We begin with ZigZag form, which is due to Arne Storjohann and is documented at zigzag_form(). Then we eliminate ‘’corner’’ entries enroute to rational form via an additional algorithm of Storjohann’s [Sto2011].

EXAMPLES:

The lists of coefficients returned with the invariants keyword are designed to easily convert to the polynomials associated with the companion matrices. This is illustrated by the construction below of the polys list. Then we can test the divisibility condition on the list of polynomials. Also the minimal and characteristic polynomials are easy to determine from this list.

sage: A = matrix(QQ, [[ 11,  14, -15,  -4, -38, -29,  1,  23,  14, -63,  17,  24,  36,  32],
....:                 [ 18,   6, -17, -11, -31, -43, 12,  26,   0, -69,  11,  13,  17,  24],
....:                 [ 11,  16, -22,  -8, -48, -34,  0,  31,  16, -82,  26,  31,  39,  37],
....:                 [ -8, -18,  22,  10,  46,  33,  3, -27, -12,  70, -19, -20, -42, -31],
....:                 [-13, -21,  16,  10,  52,  43,  4, -28, -25,  89, -37, -20, -53, -62],
....:                 [ -2,  -6,   0,   0,   6,  10,  1,   1,  -7,  14, -11,  -3, -10, -18],
....:                 [ -9, -19,  -3,   4,  23,  30,  8,  -3, -27,  55, -40,  -5, -40, -69],
....:                 [  4,  -8,  -1,  -1,   5,  -4,  9,   5, -11,   4, -14,  -2, -13, -17],
....:                 [  1,  -2,  16,  -1,  19,  -2, -1, -17,   2,  19,   5, -25,  -7,  14],
....:                 [  7,   7, -13,  -4, -26,  -21, 3,  18,   5, -40,   7,  15,  20,  14],
....:                 [ -6,  -7, -12,   4,  -1,  18,  3,   8, -11,  15, -18,  17, -15, -41],
....:                 [  5,  11, -11,  -3, -26, -19, -1,  14,  10, -42,  14,  17,  25,  23],
....:                 [-16, -15,   3,  10,  29,  45, -1, -13, -19,  71, -35,  -2, -35, -65],
....:                 [  4,   2,   3,  -2,  -2, -10,  1,   0,   3, -11,   6,  -4,   6,  17]])
sage: A.rational_form()
[   0   -4|   0    0    0    0|   0    0    0    0    0    0    0    0]
[   1    4|   0    0    0    0|   0    0    0    0    0    0    0    0]
[---------+-------------------+---------------------------------------]
[   0    0|   0    0    0   12|   0    0    0    0    0    0    0    0]
[   0    0|   1    0    0   -4|   0    0    0    0    0    0    0    0]
[   0    0|   0    1    0   -9|   0    0    0    0    0    0    0    0]
[   0    0|   0    0    1    6|   0    0    0    0    0    0    0    0]
[---------+-------------------+---------------------------------------]
[   0    0|   0    0    0    0|   0    0    0    0    0    0    0 -216]
[   0    0|   0    0    0    0|   1    0    0    0    0    0    0  108]
[   0    0|   0    0    0    0|   0    1    0    0    0    0    0  306]
[   0    0|   0    0    0    0|   0    0    1    0    0    0    0 -271]
[   0    0|   0    0    0    0|   0    0    0    1    0    0    0  -41]
[   0    0|   0    0    0    0|   0    0    0    0    1    0    0  134]
[   0    0|   0    0    0    0|   0    0    0    0    0    1    0  -64]
[   0    0|   0    0    0    0|   0    0    0    0    0    0    1   13]

sage: R = PolynomialRing(QQ, 'x')
sage: invariants = A.rational_form(format='invariants')
sage: invariants
[[4, -4, 1], [-12, 4, 9, -6, 1], [216, -108, -306, 271, 41, -134, 64, -13, 1]]
sage: polys = [R(p) for p in invariants]
sage: [p.factor() for p in polys]                                           # needs sage.rings.finite_rings
[(x - 2)^2, (x - 3) * (x + 1) * (x - 2)^2, (x + 1)^2 * (x - 3)^3 * (x - 2)^3]
sage: all(polys[i].divides(polys[i+1]) for i in range(len(polys)-1))
True
sage: polys[-1] == A.minimal_polynomial(var='x')                            # needs sage.libs.pari
True
sage: prod(polys) == A.characteristic_polynomial(var='x')                   # needs sage.libs.pari
True

Rational form is a canonical form. Any two matrices are similar if and only if their rational forms are equal. By starting with Jordan canonical forms, the matrices C and D below were built as similar matrices, while E was built to be just slightly different. All three matrices have equal characteristic polynomials though E’s minimal polynomial differs.

sage: C = matrix(QQ, [[2,  31, -10,  -9, -125,  13,  62, -12],
....:                 [0,  48, -16, -16, -188,  20,  92, -16],
....:                 [0,   9,  -1,   2,  -33,   5,  18,   0],
....:                 [0,  15,  -5,   0,  -59,   7,  30,  -4],
....:                 [0, -21,   7,   2,   84, -10, -42,   5],
....:                 [0, -42,  14,   8,  167, -17, -84,  13],
....:                 [0, -50,  17,  10,  199, -23, -98,  14],
....:                 [0,  15,  -5,  -2,  -59,   7,  30, -2]])
sage: C.minimal_polynomial().factor()                                       # needs sage.libs.pari
(x - 2)^2
sage: C.characteristic_polynomial().factor()                                # needs sage.libs.pari
(x - 2)^8
sage: C.rational_form()
[ 0 -4| 0  0| 0  0| 0  0]
[ 1  4| 0  0| 0  0| 0  0]
[-----+-----+-----+-----]
[ 0  0| 0 -4| 0  0| 0  0]
[ 0  0| 1  4| 0  0| 0  0]
[-----+-----+-----+-----]
[ 0  0| 0  0| 0 -4| 0  0]
[ 0  0| 0  0| 1  4| 0  0]
[-----+-----+-----+-----]
[ 0  0| 0  0| 0  0| 0 -4]
[ 0  0| 0  0| 0  0| 1  4]

sage: D = matrix(QQ, [[ -4,   3,    7,   2,  -4,   5,    7,   -3],
....:                 [ -6,   5,    7,   2,  -4,   5,    7,   -3],
....:                 [ 21, -12,   89,  25,   8,  27,   98,  -95],
....:                 [ -9,   5,  -44, -11,  -3, -13,  -48,   47],
....:                 [ 23, -13,   74,  21,  12,  22,   85,  -84],
....:                 [ 31, -18,  135,  38,  12,  47,  155, -147],
....:                 [-33,  19, -138, -39, -13, -45, -156,  151],
....:                 [ -7,   4,  -29,  -8,  -3, -10,  -34,  34]])
sage: D.minimal_polynomial().factor()                                       # needs sage.libs.pari
(x - 2)^2
sage: D.characteristic_polynomial().factor()                                # needs sage.libs.pari
(x - 2)^8
sage: D.rational_form()
[ 0 -4| 0  0| 0  0| 0  0]
[ 1  4| 0  0| 0  0| 0  0]
[-----+-----+-----+-----]
[ 0  0| 0 -4| 0  0| 0  0]
[ 0  0| 1  4| 0  0| 0  0]
[-----+-----+-----+-----]
[ 0  0| 0  0| 0 -4| 0  0]
[ 0  0| 0  0| 1  4| 0  0]
[-----+-----+-----+-----]
[ 0  0| 0  0| 0  0| 0 -4]
[ 0  0| 0  0| 0  0| 1  4]

sage: E = matrix(QQ, [[ 0, -8,   4, -6, -2,   5, -3,  11],
....:                 [-2, -4,   2, -4, -2,   4, -2,   6],
....:                 [ 5, 14,  -7, 12,  3,  -8,  6, -27],
....:                 [-3, -8,   7, -5,  0,   2, -6,  17],
....:                 [ 0,  5,   0,  2,  4,  -4,  1,   2],
....:                 [-3, -7,   5, -6, -1,   5, -4,  14],
....:                 [ 6, 18, -10, 14,  4, -10, 10, -28],
....:                 [-2, -6,   4, -5, -1,   3,  -3, 13]])
sage: E.minimal_polynomial().factor()                                       # needs sage.libs.pari
(x - 2)^3
sage: E.characteristic_polynomial().factor()                                # needs sage.libs.pari
(x - 2)^8
sage: E.rational_form()
[  2|  0   0|  0   0|  0   0   0]
[---+-------+-------+-----------]
[  0|  0  -4|  0   0|  0   0   0]
[  0|  1   4|  0   0|  0   0   0]
[---+-------+-------+-----------]
[  0|  0   0|  0  -4|  0   0   0]
[  0|  0   0|  1   4|  0   0   0]
[---+-------+-------+-----------]
[  0|  0   0|  0   0|  0   0   8]
[  0|  0   0|  0   0|  1   0 -12]
[  0|  0   0|  0   0|  0   1   6]

The principal feature of rational canonical form is that it can be computed over any field using only field operations. Other forms, such as Jordan canonical form, are complicated by the need to determine the eigenvalues of the matrix, which can lie outside the field. The following matrix has all of its eigenvalues outside the rationals - some are irrational (\(\pm\sqrt{2}\)) and the rest are complex (\(-1\pm 2i\)).

sage: A = matrix(QQ,
....: [[-154,  -3,  -54,   44,   48, -244,  -19,   67, -326,   85,   355,   581],
....:  [ 504,  25,  156, -145, -171,  793,   99, -213, 1036, -247, -1152, -1865],
....:  [ 294,  -1,  112,  -89,  -90,  469,   36, -128,  634, -160,  -695, -1126],
....:  [ -49,  -32,  25,    7,   37,  -64,  -58,   12,  -42,  -14,    72,   106],
....:  [-261, -123,  65,   47,  169, -358, -254,   70, -309,  -29,   454,   673],
....:  [-448, -123, -10,  109,  227, -668, -262,  163, -721,   95,   896,  1410],
....:  [  38,    7,   8,  -14,  -17,   66,    6,  -23,   73,  -29,   -78,  -143],
....:  [ -96,   10, -55,   37,   24, -168,   17,   56, -231,   88,   237,   412],
....:  [ 310,   67,  31,  -81, -143,  473,  143, -122,  538,  -98,  -641, -1029],
....:  [ 139,  -35,  99,  -49,  -18,  236,  -41,  -70,  370, -118,  -377,  -619],
....:  [ 243,    9,  81,  -72,  -81,  386,   43, -105,  508, -124,  -564,  -911],
....:  [-155,   -3, -55,   45,   50, -245,  -27,   65, -328,   77,   365,  583]])
sage: A.characteristic_polynomial().factor()                                # needs sage.libs.pari
(x^2 - 2)^2 * (x^2 + 2*x + 5)^4
sage: A.eigenvalues(extend=False)                                           # needs sage.libs.pari
[]
sage: A.rational_form()
[  0  -5|  0   0   0   0|  0   0   0   0   0   0]
[  1  -2|  0   0   0   0|  0   0   0   0   0   0]
[-------+---------------+-----------------------]
[  0   0|  0   0   0  10|  0   0   0   0   0   0]
[  0   0|  1   0   0   4|  0   0   0   0   0   0]
[  0   0|  0   1   0  -3|  0   0   0   0   0   0]
[  0   0|  0   0   1  -2|  0   0   0   0   0   0]
[-------+---------------+-----------------------]
[  0   0|  0   0   0   0|  0   0   0   0   0  50]
[  0   0|  0   0   0   0|  1   0   0   0   0  40]
[  0   0|  0   0   0   0|  0   1   0   0   0   3]
[  0   0|  0   0   0   0|  0   0   1   0   0 -12]
[  0   0|  0   0   0   0|  0   0   0   1   0 -12]
[  0   0|  0   0   0   0|  0   0   0   0   1  -4]
sage: F.<x> = QQ[]
sage: polys = A.rational_form(format='invariants')
sage: [F(p).factor() for p in polys]                                        # needs sage.libs.pari
[x^2 + 2*x + 5, (x^2 - 2) * (x^2 + 2*x + 5), (x^2 - 2) * (x^2 + 2*x + 5)^2]

Rational form may be computed over any field. The matrix below is an example where the eigenvalues lie outside the field.

sage: # needs sage.rings.finite_rings
sage: F.<a> = FiniteField(7^2)
sage: A = matrix(F,
....: [[5*a + 3, 4*a + 1, 6*a + 2, 2*a + 5,       6, 4*a + 5, 4*a + 5,       5,   a + 6,      5,  4*a + 4],
....:  [6*a + 3, 2*a + 4,       0,       6, 5*a + 5,     2*a, 5*a + 1,       1, 5*a + 2,     4*a, 5*a + 6],
....:  [3*a + 1, 6*a + 6,   a + 6,       2,       0, 3*a + 6, 5*a + 4, 5*a + 6, 5*a + 2,       3, 4*a + 2],
....:  [    3*a,     6*a,     3*a,     4*a, 4*a + 4, 3*a + 6,     6*a,       4, 3*a + 4, 6*a + 2,     4*a],
....:  [4*a + 5,   a + 1, 4*a + 3, 6*a + 5, 5*a + 2, 5*a + 2,     6*a, 4*a + 6, 6*a + 4, 5*a + 3, 3*a + 1],
....:  [    3*a,     6*a, 4*a + 1, 6*a + 2, 2*a + 5, 4*a + 6,       2,   a + 5, 2*a + 4, 2*a + 1, 2*a + 1],
....:  [4*a + 5, 3*a + 3,       6, 4*a + 1, 4*a + 3, 6*a + 3,       6, 3*a + 3,       3,   a + 3,       0],
....:  [6*a + 6,   a + 4, 2*a + 6, 3*a + 5, 4*a + 3,       2,       a, 3*a + 4,     5*a, 2*a + 5, 4*a + 3],
....:  [3*a + 5, 6*a + 2,     4*a,   a + 5,       0,     5*a, 6*a + 5, 2*a + 1, 3*a + 1, 3*a + 5, 4*a + 2],
....:  [3*a + 2,   a + 3, 3*a + 6,       a, 3*a + 5, 5*a + 1, 3*a + 2,   a + 3,   a + 2, 6*a + 1, 3*a + 3],
....:  [6*a + 6, 5*a + 1,     4*a,       2, 5*a + 5, 3*a + 5, 3*a + 1,     2*a,     2*a, 2*a + 4, 4*a + 2]])
sage: A.rational_form()
[  a + 2|      0       0       0|      0       0       0       0       0       0       0]
[-------+-----------------------+-------------------------------------------------------]
[      0|      0       0   a + 6|      0       0       0       0       0       0       0]
[      0|      1       0 6*a + 4|      0       0       0       0       0       0       0]
[      0|      0       1 6*a + 4|      0       0       0       0       0       0       0]
[-------+-----------------------+-------------------------------------------------------]
[      0|      0       0       0|      0       0       0       0       0       0     2*a]
[      0|      0       0       0|      1       0       0       0       0       0 6*a + 3]
[      0|      0       0       0|      0       1       0       0       0       0 6*a + 1]
[      0|      0       0       0|      0       0       1       0       0       0   a + 2]
[      0|      0       0       0|      0       0       0       1       0       0   a + 6]
[      0|      0       0       0|      0       0       0       0       1       0 2*a + 1]
[      0|      0       0       0|      0       0       0       0       0       1 2*a + 1]
sage: invariants = A.rational_form(format='invariants')
sage: invariants
[[6*a + 5, 1], [6*a + 1, a + 3, a + 3, 1], [5*a, a + 4, a + 6, 6*a + 5, 6*a + 1, 5*a + 6, 5*a + 6, 1]]
sage: R.<x> = F[]
sage: polys = [R(p) for p in invariants]
sage: [p.factor() for p in polys]
[x + 6*a + 5, (x + 6*a + 5) * (x^2 + (2*a + 5)*x + 5*a), (x + 6*a + 5) * (x^2 + (2*a + 5)*x + 5*a)^3]
sage: polys[-1] == A.minimal_polynomial()
True
sage: prod(polys) == A.characteristic_polynomial()
True
sage: A.eigenvalues()
Traceback (most recent call last):
...
NotImplementedError: algebraic closures of finite fields are only implemented for prime fields

Companion matrices may be selected as any one of four different types. See the documentation for the companion matrix constructor, sage.matrix.constructor.companion_matrix(), for more information.

sage: A = matrix(QQ, [[35, -18, -2, -45],
....:                 [22, -22, 12, -16],
....:                 [ 5, -12, 12,   4],
....:                 [16,  -6, -4, -23]])
sage: A.rational_form(format='right')
[ 2| 0  0  0]
[--+--------]
[ 0| 0  0 10]
[ 0| 1  0 -1]
[ 0| 0  1  0]
sage: A.rational_form(format='bottom')
[ 2| 0  0  0]
[--+--------]
[ 0| 0  1  0]
[ 0| 0  0  1]
[ 0|10 -1  0]
sage: A.rational_form(format='left')
[ 2| 0  0  0]
[--+--------]
[ 0| 0  1  0]
[ 0|-1  0  1]
[ 0|10  0  0]
sage: A.rational_form(format='top')
[ 2| 0  0  0]
[--+--------]
[ 0| 0 -1 10]
[ 0| 1  0  0]
[ 0| 0  1  0]
restrict(V, check=True)#

Returns the matrix that defines the action of self on the chosen basis for the invariant subspace V. If V is an ambient, returns self (not a copy of self).

INPUT:

  • V - vector subspace

  • check - (optional) default: True; if False may not check that V is invariant (hence can be faster).

OUTPUT: a matrix

Warning

This function returns an nxn matrix, where V has dimension n. It does not check that V is in fact invariant under self, unless check is True.

EXAMPLES:

sage: V = VectorSpace(QQ, 3)
sage: M = MatrixSpace(QQ, 3)
sage: A = M([1,2,0, 3,4,0, 0,0,0])
sage: W = V.subspace([[1,0,0], [0,1,0]])
sage: A.restrict(W)
[1 2]
[3 4]
sage: A.restrict(W, check=True)
[1 2]
[3 4]

We illustrate the warning about invariance not being checked by default, by giving a non-invariant subspace. With the default check=False this function returns the ‘restriction’ matrix, which is meaningless as check=True reveals.

sage: W2 = V.subspace([[1,0,0], [0,1,1]])
sage: A.restrict(W2, check=False)
[1 2]
[3 4]
sage: A.restrict(W2, check=True)
Traceback (most recent call last):
...
ArithmeticError: subspace is not invariant under matrix
restrict_codomain(V)#

Suppose that self defines a linear map from some domain to a codomain that contains \(V\) and that the image of self is contained in \(V\). This function returns a new matrix \(A\) that represents this linear map but as a map to \(V\), in the sense that if \(x\) is in the domain, then \(xA\) is the linear combination of the elements of the basis of \(V\) that equals v*self.

INPUT:

  • V - vector space (space of degree self.ncols()) that contains the image of self.

EXAMPLES:

sage: A = matrix(QQ,3,[1..9])
sage: V = (QQ^3).span([[1,2,3], [7,8,9]]); V
Vector space of degree 3 and dimension 2 over Rational Field
Basis matrix:
[ 1  0 -1]
[ 0  1  2]
sage: z = vector(QQ,[1,2,5])
sage: B = A.restrict_codomain(V); B
[1 2]
[4 5]
[7 8]
sage: z*B
(44, 52)
sage: z*A
(44, 52, 60)
sage: 44*V.0 + 52*V.1
(44, 52, 60)
restrict_domain(V)#

Compute the matrix relative to the basis for V on the domain obtained by restricting self to V, but not changing the codomain of the matrix. This is the matrix whose rows are the images of the basis for V.

INPUT:

  • V - vector space (subspace of ambient space on which self acts)

See also

restrict()

EXAMPLES:

sage: V = QQ^3
sage: A = matrix(QQ,3,[1,2,0, 3,4,0, 0,0,0])
sage: W = V.subspace([[1,0,0], [1,2,3]])
sage: A.restrict_domain(W)
[1 2 0]
[3 4 0]
sage: W2 = V.subspace_with_basis([[1,0,0], [1,2,3]])
sage: A.restrict_domain(W2)
[ 1  2  0]
[ 7 10  0]
right_eigenmatrix(other=None)#

Return matrices \(D\) and \(P\), where \(D\) is a diagonal matrix of eigenvalues and the columns of \(P\) are corresponding eigenvectors (or zero vectors).

INPUT:

  • other – a square matrix \(B\) (default: None) in a generalized eigenvalue problem; if None, an ordinary eigenvalue problem is solved

OUTPUT:

If self is a square matrix \(A\), then the output is a diagonal matrix \(D\) and a matrix \(P\) such that

\[A P = P D,\]

where the columns of \(P\) are eigenvectors of \(A\) and the diagonal entries of \(D\) are the corresponding eigenvalues.

If a matrix \(B\) is passed as optional argument, the output is a solution to the generalized eigenvalue problem such that

\[A P = B P D.\]

The ordinary eigenvalue problem is equivalent to the generalized one if \(B\) is the identity matrix.

The generalized eigenvector decomposition is currently only implemented for matrices over RDF and CDF.

EXAMPLES:

sage: # needs sage.rings.number_field
sage: A = matrix(QQ, 3, 3, range(9)); A
[0 1 2]
[3 4 5]
[6 7 8]
sage: D, P = A.eigenmatrix_right()
sage: D
[                  0                   0                   0]
[                  0 -1.348469228349535?                   0]
[                  0                   0  13.34846922834954?]
sage: P
[                   1                    1                    1]
[                  -2  0.1303061543300932?   3.069693845669907?]
[                   1 -0.7393876913398137?   5.139387691339814?]
sage: A*P == P*D
True

Because \(P\) is invertible, \(A\) is diagonalizable.

sage: A == P*D*(~P)                                                         # needs sage.rings.number_field
True

The matrix \(P\) may contain zero columns corresponding to eigenvalues for which the algebraic multiplicity is greater than the geometric multiplicity. In these cases, the matrix is not diagonalizable.

sage: # needs sage.rings.number_field
sage: A = jordan_block(2, 3); A
[2 1 0]
[0 2 1]
[0 0 2]
sage: D, P = A.eigenmatrix_right()
sage: D
[2 0 0]
[0 2 0]
[0 0 2]
sage: P
[1 0 0]
[0 0 0]
[0 0 0]
sage: A*P == P*D
True

A generalized eigenvector decomposition:

sage: # needs scipy
sage: A = matrix(RDF, [[1, -2], [3, 4]])
sage: B = matrix(RDF, [[0, 7], [2, -3]])
sage: D, P = A.eigenmatrix_right(B)
sage: (A * P - B * P * D).norm() < 1e-14
True

The matrix \(B\) in a generalized eigenvalue problem may be singular:

sage: # needs scipy
sage: A = matrix.identity(RDF, 2)
sage: B = matrix(RDF, [[3, 5], [6, 10]])
sage: D, P = A.eigenmatrix_right(B); D   # tol 1e-14
[0.07692307692307694                 0.0]
[                0.0           +infinity]

In this case, we can still verify the eigenvector equation for the first eigenvalue and first eigenvector:

sage: # needs scipy
sage: l = D[0, 0]
sage: v = P[:, 0]
sage: (A * v  - B * v * l).norm() < 1e-14
True

The second eigenvector is contained in the right kernel of \(B\):

sage: (B * P[:, 1]).norm() < 1e-14                                          # needs scipy
True
right_eigenspaces(format='all', var='a', algebraic_multiplicity=False)#

Compute the right eigenspaces of a matrix.

Note that eigenspaces_right() and right_eigenspaces() are identical methods. Here “right” refers to the eigenvectors being placed to the right of the matrix.

INPUT:

  • self - a square matrix over an exact field. For inexact matrices consult the numerical or symbolic matrix classes.

  • format - default: None

    • 'all' - attempts to create every eigenspace. This will always be possible for matrices with rational entries.

    • 'galois' - for each irreducible factor of the characteristic polynomial, a single eigenspace will be output for a single root/eigenvalue for the irreducible factor.

    • None - Uses the ‘all’ format if the base ring is contained in an algebraically closed field which is implemented. Otherwise, uses the ‘galois’ format.

  • var - default: ‘a’ - variable name used to represent elements of the root field of each irreducible factor of the characteristic polynomial. If var=’a’, then the root fields will be in terms of a0, a1, a2, …., where the numbering runs across all the irreducible factors of the characteristic polynomial, even for linear factors.

  • algebraic_multiplicity - default: False - whether or not to include the algebraic multiplicity of each eigenvalue in the output. See the discussion below.

OUTPUT:

If algebraic_multiplicity=False, return a list of pairs (e, V) where e is an eigenvalue of the matrix, and V is the corresponding left eigenspace. For Galois conjugates of eigenvalues, there may be just one representative eigenspace, depending on the format keyword.

If algebraic_multiplicity=True, return a list of triples (e, V, n) where e and V are as above and n is the algebraic multiplicity of the eigenvalue.

Warning

Uses a somewhat naive algorithm (simply factors the characteristic polynomial and computes kernels directly over the extension field).

EXAMPLES:

Right eigenspaces are computed from the left eigenspaces of the transpose of the matrix. As such, there is a greater collection of illustrative examples at the eigenspaces_left().

We compute the right eigenspaces of a \(3\times 3\) rational matrix.

sage: # needs sage.rings.number_field
sage: A = matrix(QQ, 3, 3, range(9)); A
[0 1 2]
[3 4 5]
[6 7 8]
sage: A.eigenspaces_right()
[ (0,
   Vector space of degree 3 and dimension 1 over Rational Field
     User basis matrix:
     [ 1 -2  1]),
  (-1.348469228349535?,
   Vector space of degree 3 and dimension 1 over Algebraic Field
     User basis matrix:
     [                   1  0.1303061543300932? -0.7393876913398137?]),
  (13.34846922834954?,
   Vector space of degree 3 and dimension 1 over Algebraic Field
     User basis matrix:
     [                 1 3.069693845669907? 5.139387691339814?]) ]
sage: es = A.eigenspaces_right(format='galois'); es
[ (0,
   Vector space of degree 3 and dimension 1 over Rational Field
     User basis matrix:
     [ 1 -2  1]),
  (a1,
   Vector space of degree 3 and dimension 1 over
    Number Field in a1 with defining polynomial x^2 - 12*x - 18
     User basis matrix:
     [           1 1/5*a1 + 2/5 2/5*a1 - 1/5]) ]
sage: es = A.eigenspaces_right(format='galois',
....:                          algebraic_multiplicity=True); es
[ (0,
   Vector space of degree 3 and dimension 1 over Rational Field
     User basis matrix:
     [ 1 -2  1],
   1),
  (a1,
   Vector space of degree 3 and dimension 1 over
    Number Field in a1 with defining polynomial x^2 - 12*x - 18
     User basis matrix:
     [           1 1/5*a1 + 2/5 2/5*a1 - 1/5],
   1) ]
sage: e, v, n = es[0]; v = v.basis()[0]
sage: delta = v*e - A*v
sage: abs(abs(delta)) < 1e-10
True

The same computation, but with implicit base change to a field:

sage: A = matrix(ZZ, 3, range(9)); A
[0 1 2]
[3 4 5]
[6 7 8]
sage: A.eigenspaces_right(format='galois')                                  # needs sage.rings.number_field
[ (0,
   Vector space of degree 3 and dimension 1 over Rational Field
     User basis matrix:
     [ 1 -2  1]),
  (a1,
   Vector space of degree 3 and dimension 1 over
    Number Field in a1 with defining polynomial x^2 - 12*x - 18
     User basis matrix:
     [           1 1/5*a1 + 2/5 2/5*a1 - 1/5]) ]

This method is only applicable to exact matrices. The “eigenmatrix” routines for matrices with double-precision floating-point entries (RDF, CDF) are the best alternative. (Since some platforms return eigenvectors that are the negatives of those given here, this one example is not tested here.) There are also “eigenmatrix” routines for matrices with symbolic entries.

sage: B = matrix(RR, 3, 3, range(9))
sage: B.eigenspaces_right()
Traceback (most recent call last):
...
NotImplementedError: eigenspaces cannot be computed reliably
for inexact rings such as Real Field with 53 bits of precision,
consult numerical or symbolic matrix classes for other options

sage: # needs scipy
sage: em = B.change_ring(RDF).eigenmatrix_right()
sage: eigenvalues = em[0]; eigenvalues.dense_matrix()  # abs tol 1e-13
[13.348469228349522                0.0                0.0]
[               0.0 -1.348469228349534                0.0]
[               0.0                0.0                0.0]
sage: eigenvectors = em[1]; eigenvectors # not tested
[ 0.164763817...  0.799699663...  0.408248290...]
[ 0.505774475...  0.104205787... -0.816496580...]
[ 0.846785134... -0.591288087...  0.408248290...]

sage: # needs sage.symbolic
sage: x, y = var('x y')
sage: S = matrix([[x, y], [y, 3*x^2]])
sage: em = S.eigenmatrix_right()
sage: eigenvalues = em[0]; eigenvalues
[3/2*x^2 + 1/2*x - 1/2*sqrt(9*x^4 - 6*x^3 + x^2 + 4*y^2)                                                       0]
[                                                      0 3/2*x^2 + 1/2*x + 1/2*sqrt(9*x^4 - 6*x^3 + x^2 + 4*y^2)]
sage: eigenvectors = em[1]; eigenvectors
[                                                    1                                                     1]
[1/2*(3*x^2 - x - sqrt(9*x^4 - 6*x^3 + x^2 + 4*y^2))/y 1/2*(3*x^2 - x + sqrt(9*x^4 - 6*x^3 + x^2 + 4*y^2))/y]
right_eigenvectors(other=None, extend=True)#

Compute the right eigenvectors of a matrix.

INPUT:

  • other – a square matrix \(B\) (default: None) in a generalized eigenvalue problem; if None, an ordinary eigenvalue problem is solved (currently supported only if the base ring of self is RDF or CDF)

  • extend – boolean (default: True)

OUTPUT:

For each distinct eigenvalue, returns a list of the form (e,V,n) where e is the eigenvalue, V is a list of eigenvectors forming a basis for the corresponding right eigenspace, and n is the algebraic multiplicity of the eigenvalue. If extend = True (the default), this will return eigenspaces over the algebraic closure of the base field where this is implemented; otherwise it will restrict to eigenvalues in the base field.

EXAMPLES:

We compute the right eigenvectors of a \(3\times 3\) rational matrix.

sage: # needs sage.rings.number_field
sage: A = matrix(QQ, 3, 3, range(9)); A
[0 1 2]
[3 4 5]
[6 7 8]
sage: es = A.eigenvectors_right(); es
[(0, [ (1, -2, 1) ], 1),
 (-1.348469228349535?, [(1, 0.1303061543300932?, -0.7393876913398137?)], 1),
 (13.34846922834954?, [(1, 3.069693845669907?, 5.139387691339814?)], 1)]
sage: A.eigenvectors_right(extend=False)
[(0, [ (1, -2, 1) ], 1)]
sage: eval, [evec], mult = es[0]
sage: delta = eval*evec - A*evec
sage: abs(abs(delta)) < 1e-10
True
right_kernel(*args, **kwds)#

Returns the right kernel of this matrix, as a vector space or free module. This is the set of vectors x such that self*x = 0.

Note

For the left kernel, use left_kernel(). The method kernel() is exactly equal to left_kernel().

For inexact rings use right_kernel_matrix() with basis='computed' to avoid echolonizing.

INPUT:

  • algorithm - default: ‘default’ - a keyword that selects the algorithm employed. Allowable values are:

    • ‘default’ - allows the algorithm to be chosen automatically

    • ‘generic’ - naive algorithm usable for matrices over any field

    • ‘flint’ - FLINT library code for matrices over the rationals or the integers

    • ‘pari’ - PARI library code for matrices over number fields or the integers

    • ‘padic’ - padic algorithm from IML library for matrices over the rationals and integers

    • ‘pluq’ - PLUQ matrix factorization for matrices mod 2

  • basis - default: ‘echelon’ - a keyword that describes the format of the basis used to construct the right kernel. Allowable values are:

    • ‘echelon’: the basis matrix is returned in echelon form

    • ‘pivot’ : each basis vector is computed from the reduced row-echelon form of self by placing a single one in a non-pivot column and zeros in the remaining non-pivot columns. Only available for matrices over fields.

    • ‘LLL’: an LLL-reduced basis. Only available for matrices over the integers.

OUTPUT:

A vector space or free module whose degree equals the number of columns in self and which contains all the vectors x such that self*x = 0.

If self has 0 columns, the kernel has dimension 0, while if self has 0 rows the kernel is the entire ambient vector space.

The result is cached. Requesting the right kernel a second time, but with a different basis format, will return the cached result with the format from the first computation.

Note

For more detailed documentation on the selection of algorithms used and a more flexible method for computing a basis matrix for a right kernel (rather than computing a vector space), see right_kernel_matrix(), which powers the computations for this method.

EXAMPLES:

sage: A = matrix(QQ, [[0, 0, 1, 2, 2, -5, 3],
....:                 [-1, 5, 2, 2, 1, -7, 5],
....:                 [0, 0, -2, -3, -3, 8, -5],
....:                 [-1, 5, 0, -1, -2, 1, 0]])
sage: K = A.right_kernel(); K
Vector space of degree 7 and dimension 4 over Rational Field
Basis matrix:
[ 1  0  0  0 -1 -1 -1]
[ 0  1  0  0  5  5  5]
[ 0  0  1  0 -1 -2 -3]
[ 0  0  0  1  0  1  1]
sage: A*K.basis_matrix().transpose() == zero_matrix(QQ, 4, 4)
True

The default is basis vectors that form a matrix in echelon form. A “pivot basis” instead has a basis matrix where the columns of an identity matrix are in the locations of the non-pivot columns of the original matrix. This alternate format is available whenever the base ring is a field.

sage: A = matrix(QQ, [[0, 0, 1, 2, 2, -5, 3],
....:                 [-1, 5, 2, 2, 1, -7, 5],
....:                 [0, 0, -2, -3, -3, 8, -5],
....:                 [-1, 5, 0, -1, -2, 1, 0]])
sage: A.rref()
[ 1 -5  0  0  1  1 -1]
[ 0  0  1  0  0 -1  1]
[ 0  0  0  1  1 -2  1]
[ 0  0  0  0  0  0  0]
sage: A.nonpivots()
(1, 4, 5, 6)
sage: K = A.right_kernel(basis='pivot'); K
Vector space of degree 7 and dimension 4 over Rational Field
User basis matrix:
[ 5  1  0  0  0  0  0]
[-1  0  0 -1  1  0  0]
[-1  0  1  2  0  1  0]
[ 1  0 -1 -1  0  0  1]
sage: A*K.basis_matrix().transpose() == zero_matrix(QQ, 4, 4)
True

Matrices may have any field as a base ring. Number fields are computed by PARI library code, matrices over \(GF(2)\) are computed by the M4RI library, and matrices over the rationals are computed by the IML library. For any of these specialized cases, general-purpose code can be called instead with the keyword setting algorithm='generic'.

Over an arbitrary field, with two basis formats. Same vector space, different bases.

sage: # needs sage.rings.finite_rings
sage: F.<a> = FiniteField(5^2)
sage: A = matrix(F, 3, 4, [[  1,   a,     1+a,  a^3+a^5],
....:                      [  a, a^4,   a+a^4,  a^4+a^8],
....:                      [a^2, a^6, a^2+a^6, a^5+a^10]])
sage: K = A.right_kernel(); K
Vector space of degree 4 and dimension 2
 over Finite Field in a of size 5^2
Basis matrix:
[      1       0 3*a + 4 2*a + 2]
[      0       1     2*a 3*a + 3]
sage: A * K.basis_matrix().transpose() == zero_matrix(F, 3, 2)
True

In the following test, we have to force usage of Matrix_generic_dense, since the option basis = 'pivot' would simply yield the same result as the previous test, if the optional meataxe package is installed.

sage: from sage.matrix.matrix_generic_dense import Matrix_generic_dense
sage: B = Matrix_generic_dense(A.parent(), A.list(), False, False)
sage: P = B.right_kernel(basis='pivot'); P                                  # needs sage.rings.finite_rings
Vector space of degree 4 and dimension 2
 over Finite Field in a of size 5^2
User basis matrix:
[      4       4       1       0]
[  a + 2 3*a + 3       0       1]

If the optional meataxe package is installed, we again have to make sure to work with a copy of B that has the same type as P.basis_matrix():

sage: (B.parent()(B.list()) * P.basis_matrix().transpose()                  # needs sage.rings.finite_rings
....:   == zero_matrix(F, 3, 2))
True
sage: K == P                                                                # needs sage.rings.finite_rings
True

Over number fields, PARI is used by default, but general-purpose code can be requested. Same vector space, same bases, different code.:

sage: # needs sage.rings.number_field
sage: Q = QuadraticField(-7)
sage: a = Q.gen(0)
sage: A = matrix(Q, [[    2, 5 - a,   15 - a, 16 + 4*a],
....:                [2 + a,     a, -7 + 5*a, -3 + 3*a]])
sage: K = A.right_kernel(algorithm='default'); K
Vector space of degree 4 and dimension 2
 over Number Field in a with defining polynomial x^2 + 7 with a = 2.645751311064591?*I
Basis matrix:
[                1                 0     7/88*a + 3/88 -3/176*a - 39/176]
[                0                 1   -1/88*a - 13/88  13/176*a - 7/176]
sage: A * K.basis_matrix().transpose() == zero_matrix(Q, 2, 2)
True
sage: B = copy(A)
sage: G = A.right_kernel(algorithm='generic'); G
Vector space of degree 4 and dimension 2
 over Number Field in a with defining polynomial x^2 + 7 with a = 2.645751311064591?*I
Basis matrix:
[                1                 0     7/88*a + 3/88 -3/176*a - 39/176]
[                0                 1   -1/88*a - 13/88  13/176*a - 7/176]
sage: B * G.basis_matrix().transpose() == zero_matrix(Q, 2, 2)
True
sage: K == G
True

For matrices over the integers, several options are possible. The basis can be an LLL-reduced basis or an echelon basis. The pivot basis isnot available. A heuristic will decide whether to use a p-adic algorithm from the IML library or an algorithm from the PARI library. Note how specifying the algorithm can mildly influence the LLL basis.

sage: A = matrix(ZZ, [[0, -1, -1, 2, 9, 4, -4],
....:                 [-1, 1, 0, -2, -7, -1, 6],
....:                 [2, 0, 1, 0, 1, -5, -2],
....:                 [-1, -1, -1, 3, 10, 10, -9],
....:                 [-1, 2, 0, -3, -7, 1, 6]])
sage: A.right_kernel(basis='echelon')
Free module of degree 7 and rank 2 over Integer Ring
Echelon basis matrix:
[  1   5  -8   3  -1  -1  -1]
[  0  11 -19   5  -2  -3  -3]
sage: B = copy(A)
sage: B.right_kernel(basis='LLL')
Free module of degree 7 and rank 2 over Integer Ring
User basis matrix:
[ 2 -1  3  1  0  1  1]
[-5 -3  2 -5  1 -1 -1]
sage: C = copy(A)
sage: C.right_kernel(basis='pivot')
Traceback (most recent call last):
...
ValueError: pivot basis only available over a field, not over Integer Ring
sage: D = copy(A)
sage: D.right_kernel(algorithm='pari')
Free module of degree 7 and rank 2 over Integer Ring
Echelon basis matrix:
[  1   5  -8   3  -1  -1  -1]
[  0  11 -19   5  -2  -3  -3]
sage: E = copy(A)
sage: E.right_kernel(algorithm='padic', basis='LLL')
Free module of degree 7 and rank 2 over Integer Ring
User basis matrix:
[-2  1 -3 -1  0 -1 -1]
[ 5  3 -2  5 -1  1  1]

Besides the integers, rings may be as general as principal ideal domains. Results are then free modules.

sage: R.<y> = QQ[]
sage: A = matrix(R, [[  1,   y, 1+y^2],
....:                [y^3, y^2, 2*y^3]])
sage: K = A.right_kernel(algorithm='default', basis='echelon'); K
Free module of degree 3 and rank 1 over Univariate Polynomial Ring in y over Rational Field
Echelon basis matrix:
[-1 -y  1]
sage: A*K.basis_matrix().transpose() == zero_matrix(ZZ, 2, 1)
True

It is possible to compute a kernel for a matrix over an integral domain which is not a PID, but usually this will fail.

sage: D.<x> = ZZ[]
sage: A = matrix(D, 2, 2, [[x^2 - x, -x + 5],
....:                      [x^2 - 8, -x + 2]])
sage: A.right_kernel()
Traceback (most recent call last):
...
ArithmeticError: Ideal Ideal (x^2 - x, x^2 - 8) of Univariate Polynomial Ring in x over Integer Ring not principal

Matrices over non-commutative rings are not a good idea either. These are the “usual” quaternions.

sage: Q.<i,j,k> = QuaternionAlgebra(-1,-1)
sage: A = matrix(Q, 2, [i,j,-1,k])
sage: A.right_kernel()
Traceback (most recent call last):
...
NotImplementedError: Cannot compute a matrix kernel over Quaternion Algebra (-1, -1) with base ring Rational Field

Sparse matrices, over the rationals and the integers, use the same routines as the dense versions.

sage: A = matrix(ZZ, [[0, -1, 1, 1, 2],
....:                 [1, -2, 0, 1, 3],
....:                 [-1, 2, 0, -1, -3]],
....:            sparse=True)
sage: A.right_kernel()
Free module of degree 5 and rank 3 over Integer Ring
Echelon basis matrix:
[ 1  0  0  2 -1]
[ 0  1  0 -1  1]
[ 0  0  1 -3  1]
sage: B = A.change_ring(QQ)
sage: B.is_sparse()
True
sage: B.right_kernel()
Vector space of degree 5 and dimension 3 over Rational Field
Basis matrix:
[ 1  0  0  2 -1]
[ 0  1  0 -1  1]
[ 0  0  1 -3  1]

With no columns, the kernel can only have dimension zero. With no rows, every possible vector is in the kernel.

sage: A = matrix(QQ, 2, 0)
sage: A.right_kernel()
Vector space of degree 0 and dimension 0 over Rational Field
Basis matrix:
[]
sage: A = matrix(QQ, 0, 2)
sage: A.right_kernel()
Vector space of degree 2 and dimension 2 over Rational Field
Basis matrix:
[1 0]
[0 1]

Every vector is in the kernel of a zero matrix, the dimension is the number of columns.

sage: A = zero_matrix(QQ, 10, 20)
sage: A.right_kernel()
Vector space of degree 20 and dimension 20 over Rational Field
Basis matrix:
20 x 20 dense matrix over Rational Field

Results are cached as the right kernel of the matrix. Subsequent requests for the right kernel will return the cached result, without regard for new values of the algorithm or format keyword. Work with a copy if you need a new right kernel, or perhaps investigate the right_kernel_matrix() method, which does not cache its results and is more flexible.

sage: A = matrix(QQ, 3, 3, range(9))
sage: K1 = A.right_kernel(basis='echelon')
sage: K1
Vector space of degree 3 and dimension 1 over Rational Field
Basis matrix:
[ 1 -2  1]
sage: K2 = A.right_kernel(basis='pivot')
sage: K2
Vector space of degree 3 and dimension 1 over Rational Field
Basis matrix:
[ 1 -2  1]
sage: K1 is K2
True
sage: B = copy(A)
sage: K3 = B.kernel(basis='pivot')
sage: K3
Vector space of degree 3 and dimension 1 over Rational Field
User basis matrix:
[ 1 -2  1]
sage: K3 is K1
False
sage: K3 == K1
True
right_kernel_matrix(*args, **kwds)#

Returns a matrix whose rows form a basis for the right kernel of self.

INPUT:

  • algorithm - default: ‘default’ - a keyword that selects the algorithm employed. Allowable values are:

    • ‘default’ - allows the algorithm to be chosen automatically

    • ‘generic’ - naive algorithm usable for matrices over any field

    • ‘flint’ - FLINT library code for matrices over the rationals or the integers

    • ‘pari’ - PARI library code for matrices over number fields or the integers

    • ‘padic’ - padic algorithm from IML library for matrices over the rationals and integers

    • ‘pluq’ - PLUQ matrix factorization for matrices mod 2

  • basis - default: ‘default’ - a keyword that describes the format of the basis returned. Allowable values are:

    • ‘default’: uses ‘echelon’ over fields; ‘computed’ otherwise.

    • ‘echelon’: the basis matrix is returned in echelon form.

    • ‘pivot’ : each basis vector is computed from the reduced row-echelon form of self by placing a single one in a non-pivot column and zeros in the remaining non-pivot columns. Only available for matrices over fields.

    • ‘LLL’: an LLL-reduced basis. Only available for matrices over the integers.

    • ‘computed’: no work is done to transform the basis, it is returned exactly as provided by whichever routine actually computed the basis. Request this for the least possible computation possible, but with no guarantees about the format of the basis. This option is recommended for inexact rings.

OUTPUT:

A matrix X whose rows are an independent set spanning the right kernel of self. So self*X.transpose() is a zero matrix.

The output varies depending on the choice of algorithm and the format chosen by basis.

The results of this routine are not cached, so you can call it again with different options to get possibly different output (like the basis format). Conversely, repeated calls on the same matrix will always start from scratch.

Note

If you want to get the most basic description of a kernel, with a minimum of overhead, then ask for the right kernel matrix with the basis format requested as ‘computed’. You are then free to work with the output for whatever purpose. For a left kernel, call this method on the transpose of your matrix.

For greater convenience, plus cached results, request an actual vector space or free module with right_kernel() or left_kernel().

EXAMPLES:

Over the Rational Numbers:

Kernels are computed by the IML library in _right_kernel_matrix(). Setting the \(algorithm\) keyword to ‘default’, ‘padic’ or unspecified will yield the same result, as there is no optional behavior. The ‘computed’ format of the basis vectors are exactly the negatives of the vectors in the ‘pivot’ format.

sage: A = matrix(QQ, [[1, 0, 1, -3, 1],
....:                 [-5, 1, 0, 7, -3],
....:                 [0, -1, -4, 6, -2],
....:                 [4, -1, 0, -6, 2]])
sage: C = A.right_kernel_matrix(algorithm='default', basis='computed'); C
[-1  2 -2 -1  0]
[ 1  2  0  0 -1]
sage: A*C.transpose() == zero_matrix(QQ, 4, 2)
True
sage: P = A.right_kernel_matrix(algorithm='padic', basis='pivot'); P
[ 1 -2  2  1  0]
[-1 -2  0  0  1]
sage: A*P.transpose() == zero_matrix(QQ, 4, 2)
True
sage: C == -P
True
sage: E = A.right_kernel_matrix(algorithm='default', basis='echelon'); E
[   1    0    1  1/2 -1/2]
[   0    1 -1/2 -1/4 -1/4]
sage: A*E.transpose() == zero_matrix(QQ, 4, 2)
True

Since the rationals are a field, we can call the general code available for any field by using the ‘generic’ keyword.

sage: A = matrix(QQ, [[1, 0, 1, -3, 1],
....:                 [-5, 1, 0, 7, -3],
....:                 [0, -1, -4, 6, -2],
....:                 [4, -1, 0, -6, 2]])
sage: G = A.right_kernel_matrix(algorithm='generic', basis='echelon'); G
[   1    0    1  1/2 -1/2]
[   0    1 -1/2 -1/4 -1/4]
sage: A*G.transpose() == zero_matrix(QQ, 4, 2)
True

We verify that the rational matrix code is called for both dense and sparse rational matrices, with equal result.

sage: A = matrix(QQ, [[1, 0, 1, -3, 1],
....:                 [-5, 1, 0, 7, -3],
....:                 [0, -1, -4, 6, -2],
....:                 [4, -1, 0, -6, 2]],
....:            sparse=False)
sage: B = copy(A).sparse_matrix()
sage: from sage.misc.verbose import set_verbose
sage: set_verbose(2)
sage: D = A.right_kernel(); D
verbose 2 (<module>) computing a right kernel for 4x5 matrix over Rational Field
...
Vector space of degree 5 and dimension 2 over Rational Field
Basis matrix:
[   1    0    1  1/2 -1/2]
[   0    1 -1/2 -1/4 -1/4]
sage: S = B.right_kernel(); S
verbose 2 (<module>) computing a right kernel for 4x5 matrix over Rational Field
...
Vector space of degree 5 and dimension 2 over Rational Field
Basis matrix:
[   1    0    1  1/2 -1/2]
[   0    1 -1/2 -1/4 -1/4]
sage: set_verbose(0)
sage: D == S
True

Over Number Fields:

Kernels are by default computed by PARI, (except for exceptions like the rationals themselves). The raw results from PARI are a pivot basis, so the \(basis\) keywords ‘computed’ and ‘pivot’ will return the same results.

sage: # needs sage.rings.number_field
sage: Q = QuadraticField(-7)
sage: a = Q.gen(0)
sage: A = matrix(Q, [[2, 5-a, 15-a, 16+4*a],
....:                [2+a, a, -7 + 5*a, -3+3*a]])
sage: C = A.right_kernel_matrix(algorithm='default', basis='computed'); C
[    -a     -3      1      0]
[    -2 -a - 1      0      1]
sage: A*C.transpose() == zero_matrix(Q, 2, 2)
True
sage: P = A.right_kernel_matrix(algorithm='pari', basis='pivot'); P         # needs sage.libs.pari
[    -a     -3      1      0]
[    -2 -a - 1      0      1]
sage: A*P.transpose() == zero_matrix(Q, 2, 2)                               # needs sage.libs.pari
True
sage: E = A.right_kernel_matrix(algorithm='default', basis='echelon'); E
[                1                 0     7/88*a + 3/88 -3/176*a - 39/176]
[                0                 1   -1/88*a - 13/88  13/176*a - 7/176]
sage: A*E.transpose() == zero_matrix(Q, 2, 2)
True

We can bypass using PARI for number fields and use Sage’s general code for matrices over any field. The basis vectors as computed are in pivot format.

sage: # needs sage.rings.number_field
sage: Q = QuadraticField(-7)
sage: a = Q.gen(0)
sage: A = matrix(Q, [[2, 5-a, 15-a, 16+4*a], [2+a, a, -7 + 5*a, -3+3*a]])
sage: G = A.right_kernel_matrix(algorithm='generic', basis='computed'); G
[    -a     -3      1      0]
[    -2 -a - 1      0      1]
sage: A*G.transpose() == zero_matrix(Q, 2, 2)
True

We check that number fields are handled by the right routine as part of typical right kernel computation.

sage: # needs sage.rings.number_field
sage: Q = QuadraticField(-7)
sage: a = Q.gen(0)
sage: A = matrix(Q, [[2, 5-a, 15-a, 16+4*a], [2+a, a, -7 + 5*a, -3+3*a]])
sage: set_verbose(2)
sage: A.right_kernel(algorithm='default')
verbose ...
verbose 2 (<module>) computing right kernel matrix over a number field for 2x4 matrix
verbose 2 (<module>) done computing right kernel matrix over a number field for 2x4 matrix
...
Vector space of degree 4 and dimension 2 over
 Number Field in a with defining polynomial x^2 + 7 with a = 2.645751311064591?*I
Basis matrix:
[                1                 0     7/88*a + 3/88 -3/176*a - 39/176]
[                0                 1   -1/88*a - 13/88  13/176*a - 7/176]
sage: set_verbose(0)

Over the Finite Field of Order 2:

Kernels are computed by the M4RI library using PLUQ matrix decomposition in the _right_kernel_matrix() method. There are no options for the algorithm used.

sage: A = matrix(GF(2),[[0, 1, 1, 0, 0, 0],
....:                   [1, 0, 0, 0, 1, 1,],
....:                   [1, 0, 0, 0, 1, 1]])
sage: E = A.right_kernel_matrix(algorithm='default', format='echelon'); E
[1 0 0 0 0 1]
[0 1 1 0 0 0]
[0 0 0 1 0 0]
[0 0 0 0 1 1]
sage: A*E.transpose() == zero_matrix(GF(2), 3, 4)
True

Since GF(2) is a field we can route this computation to the generic code and obtain the ‘pivot’ form of the basis. The algorithm keywords, ‘pluq’, ‘default’ and unspecified, all have the same effect as there is no optional behavior.

sage: A = matrix(GF(2), [[0, 1, 1, 0, 0, 0],
....:                    [1, 0, 0, 0, 1, 1,],
....:                    [1, 0, 0, 0, 1, 1]])
sage: P = A.right_kernel_matrix(algorithm='generic', basis='pivot'); P
[0 1 1 0 0 0]
[0 0 0 1 0 0]
[1 0 0 0 1 0]
[1 0 0 0 0 1]
sage: A*P.transpose() == zero_matrix(GF(2), 3, 4)
True
sage: DP = A.right_kernel_matrix(algorithm='default', basis='pivot'); DP
[0 1 1 0 0 0]
[0 0 0 1 0 0]
[1 0 0 0 1 0]
[1 0 0 0 0 1]
sage: A*DP.transpose() == zero_matrix(GF(2), 3, 4)
True
sage: A.right_kernel_matrix(algorithm='pluq', basis='echelon')              # needs sage.libs.m4ri
[1 0 0 0 0 1]
[0 1 1 0 0 0]
[0 0 0 1 0 0]
[0 0 0 0 1 1]

We test that the mod 2 code is called for matrices over GF(2).

sage: A = matrix(GF(2), [[0, 1, 1, 0, 0, 0],
....:                    [1, 0, 0, 0, 1, 1,],
....:                    [1, 0, 0, 0, 1, 1]])
sage: set_verbose(2)
sage: A.right_kernel(algorithm='default')
verbose ...
verbose ... (<module>) computing right kernel matrix over integers mod 2 for 3x6 matrix
verbose ... (<module>) done computing right kernel matrix over integers mod 2 for 3x6 matrix
...
Vector space of degree 6 and dimension 4 over Finite Field of size 2
Basis matrix:
[1 0 0 0 0 1]
[0 1 1 0 0 0]
[0 0 0 1 0 0]
[0 0 0 0 1 1]
sage: set_verbose(0)

Over Arbitrary Fields:

For kernels over fields not listed above, totally general code will compute a set of basis vectors in the pivot format. These could be returned as a basis in echelon form.

sage: # needs sage.rings.finite_rings
sage: F.<a> = FiniteField(5^2)
sage: A = matrix(F, 3, 4, [[  1,   a,     1+a,  a^3+a^5],
....:                      [  a, a^4,   a+a^4,  a^4+a^8],
....:                      [a^2, a^6, a^2+a^6, a^5+a^10]])
sage: P = A.right_kernel_matrix(algorithm='default', basis='pivot'); P
[      4       4       1       0]
[  a + 2 3*a + 3       0       1]
sage: A*P.transpose() == zero_matrix(F, 3, 2)
True
sage: E = A.right_kernel_matrix(algorithm='default', basis='echelon'); E
[      1       0 3*a + 4 2*a + 2]
[      0       1     2*a 3*a + 3]
sage: A*E.transpose() == zero_matrix(F, 3, 2)
True

This general code can be requested for matrices over any field with the algorithm keyword ‘generic’. Normally, matrices over the rationals would be handled by specific routines from the IML library. The default format is an echelon basis, but a pivot basis may be requested, which is identical to the computed basis.

sage: A = matrix(QQ, 3, 4, [[1,3,-2,4],
....:                       [2,0,2,2],
....:                       [-1,1,-2,0]])
sage: G = A.right_kernel_matrix(algorithm='generic'); G
[   1    0 -1/2 -1/2]
[   0    1  1/2 -1/2]
sage: A*G.transpose() == zero_matrix(QQ, 3, 2)
True
sage: C = A.right_kernel_matrix(algorithm='generic', basis='computed'); C
[-1  1  1  0]
[-1 -1  0  1]
sage: A*C.transpose() == zero_matrix(QQ, 3, 2)
True

We test that the generic code is called for matrices over fields, lacking any more specific routine.

sage: # needs sage.rings.finite_rings
sage: F.<a> = FiniteField(5^2)
sage: A = matrix(F, 3, 4, [[  1,   a,     1+a,  a^3+a^5],
....:                      [  a, a^4,   a+a^4,  a^4+a^8],
....:                      [a^2, a^6, a^2+a^6, a^5+a^10]])
sage: set_verbose(2)
sage: A.right_kernel(algorithm='default')
verbose ...
verbose 2 (<module>) computing right kernel matrix over an arbitrary field for 3x4 matrix
...
Vector space of degree 4 and dimension 2 over Finite Field in a of size 5^2
Basis matrix:
[      1       0 3*a + 4 2*a + 2]
[      0       1     2*a 3*a + 3]
sage: set_verbose(0)

Over the Integers:

Either the IML or PARI libraries are used to provide a set of basis vectors. The algorithm keyword can be used to select either, or when set to ‘default’ a heuristic will choose between the two. Results can be returned in the ‘compute’ format, straight out of the libraries. Unique to the integers, the basis vectors can be returned as an LLL basis. Note the similarities and differences in the results. The ‘pivot’ format is not available, since the integers are not a field.

sage: A = matrix(ZZ, [[8, 0, 7, 1, 3, 4, 6],
....:                 [4, 0, 3, 4, 2, 7, 7],
....:                 [1, 4, 6, 1, 2, 8, 5],
....:                 [0, 3, 1, 2, 3, 6, 2]])

sage: X = A.right_kernel_matrix(algorithm='default', basis='echelon'); X
[  1  12   3  14  -3 -10   1]
[  0  35   0  25  -1 -31  17]
[  0   0   7  12  -3  -1  -8]
sage: A*X.transpose() == zero_matrix(ZZ, 4, 3)
True

sage: X = A.right_kernel_matrix(algorithm='padic', basis='LLL'); X
[ -3  -1   5   7   2  -3  -2]
[  3   1   2   5  -5   2  -6]
[ -4 -13   2  -7   5   7  -3]
sage: A*X.transpose() == zero_matrix(ZZ, 4, 3)
True

sage: # needs sage.libs.pari
sage: X = A.right_kernel_matrix(algorithm='pari', basis='computed'); X
[ 3  1 -5 -7 -2  3  2]
[ 3  1  2  5 -5  2 -6]
[ 4 13 -2  7 -5 -7  3]
sage: A*X.transpose() == zero_matrix(ZZ, 4, 3)
True

sage: X = A.right_kernel_matrix(algorithm='padic', basis='computed'); X
[ 265  345 -178   17 -297    0    0]
[-242 -314  163  -14  271   -1    0]
[ -36  -47   25   -1   40    0   -1]
sage: A*X.transpose() == zero_matrix(ZZ, 4, 3)
True

We test that the code for integer matrices is called for matrices defined over the integers, both dense and sparse, with equal result.

sage: A = matrix(ZZ, [[8, 0, 7, 1, 3, 4, 6],
....:                 [4, 0, 3, 4, 2, 7, 7],
....:                 [1, 4, 6, 1, 2, 8, 5],
....:                 [0, 3, 1, 2, 3, 6, 2]],
....:            sparse=False)
sage: B = copy(A).sparse_matrix()
sage: set_verbose(2)
sage: D = A.right_kernel(); D
verbose ... (<module>) computing a right kernel for 4x7 matrix over Integer Ring
verbose ... (<module>) computing right kernel matrix over the integers for 4x7 matrix
...
verbose ... (<module>) done computing right kernel matrix over the integers for 4x7 matrix
...
Free module of degree 7 and rank 3 over Integer Ring
Echelon basis matrix:
[  1  12   3  14  -3 -10   1]
[  0  35   0  25  -1 -31  17]
[  0   0   7  12  -3  -1  -8]
sage: S = B.right_kernel(); S
verbose ... (<module>) computing a right kernel for 4x7 matrix over Integer Ring
verbose ... (<module>) computing right kernel matrix over the integers for 4x7 matrix
...
verbose ... (<module>) done computing right kernel matrix over the integers for 4x7 matrix
...
Free module of degree 7 and rank 3 over Integer Ring
Echelon basis matrix:
[  1  12   3  14  -3 -10   1]
[  0  35   0  25  -1 -31  17]
[  0   0   7  12  -3  -1  -8]
sage: set_verbose(0)
sage: D == S
True

Over Principal Ideal Domains:

Kernels can be computed using Smith normal form. Only the default algorithm is available, and the ‘pivot’ basis format is not available.

sage: R.<y> = QQ[]
sage: A = matrix(R, [[  1,   y, 1+y^2],
....:                [y^3, y^2, 2*y^3]])
sage: E = A.right_kernel_matrix(algorithm='default', basis='echelon'); E
[-1 -y  1]
sage: A*E.transpose() == zero_matrix(ZZ, 2, 1)
True

It can be computationally expensive to determine if an integral domain is a principal ideal domain. The Smith normal form routine can fail for non-PIDs, as in this example.

sage: D.<x> = ZZ[]
sage: A = matrix(D, 2, 2, [[x^2 - x, -x + 5],
....:                      [x^2 - 8, -x + 2]])
sage: A.right_kernel_matrix()
Traceback (most recent call last):
...
ArithmeticError: Ideal Ideal (x^2 - x, x^2 - 8) of
Univariate Polynomial Ring in x over Integer Ring not principal

We test that the domain code is called for domains that lack any extra structure.

sage: R.<y> = QQ[]
sage: A = matrix(R, [[  1,   y, 1+y^2],
....:                [y^3, y^2, 2*y^3]])
sage: set_verbose(2)
sage: A.right_kernel(algorithm='default', basis='echelon')
verbose ...
verbose 2 (<module>) computing right kernel matrix over a domain for 2x3 matrix
verbose 2 (<module>) done computing right kernel matrix over a domain for 2x3 matrix
...
Free module of degree 3 and rank 1 over
 Univariate Polynomial Ring in y over Rational Field
Echelon basis matrix:
[-1 -y  1]
sage: set_verbose(0)

Over inexact rings:

For inexact rings one should avoid echolonizing if possible:

sage: A = Matrix(
....: [[          0.0,           0.5,  0.8090169944],
....:  [          0.0,           0.5, -0.8090169944],
....:  [          0.0,          -0.5,  0.8090169944],
....:  [          0.0,          -0.5, -0.8090169944],
....:  [          0.5,  0.8090169944,           0.0],
....:  [          0.5, -0.8090169944,           0.0],
....:  [         -0.5,  0.8090169944,           0.0],
....:  [         -0.5, -0.8090169944,           0.0],
....:  [ 0.8090169944,           0.0,           0.5],
....:  [-0.8090169944,           0.0,           0.5],
....:  [ 0.8090169944,           0.0,          -0.5],
....:  [-0.8090169944,           0.0,          -0.5]]).transpose()
sage: (A*A.right_kernel_matrix().transpose()).norm() > 2
True
sage: (A*A.right_kernel_matrix(basis='computed').transpose()).norm() < 1e-15
True

Trivial Cases:

We test two trivial cases. Any possible values for the keywords (algorithm, basis) will return identical results.

sage: A = matrix(ZZ, 0, 2)
sage: A.right_kernel_matrix()
[1 0]
[0 1]
sage: A = matrix(FiniteField(7), 2, 0)
sage: A.right_kernel_matrix().parent()
Full MatrixSpace of 0 by 0 dense matrices over Finite Field of size 7
right_nullity()#

Return the right nullity of this matrix, which is the dimension of the right kernel.

EXAMPLES:

sage: A = MatrixSpace(QQ,3,2)(range(6))
sage: A.right_nullity()
0
sage: A = matrix(ZZ,3,3,range(9))
sage: A.right_nullity()
1
rook_vector(algorithm=None, complement=False, use_complement=None)#

Return the rook vector of this matrix.

Let \(A\) be an \(m\) by \(n\) (0,1)-matrix. We identify \(A\) with a chessboard where rooks can be placed on the fields \((i, j)\) with \(A_{i,j} = 1\). The number \(r_k = p_k(A)\) (the permanental \(k\)-minor) counts the number of ways to place \(k\) rooks on this board so that no rook can attack another.

The rook vector of the matrix \(A\) is the list consisting of \(r_0, r_1, \ldots, r_h\), where \(h = min(m,n)\). The rook polynomial is defined by \(r(x) = \sum_{k=0}^h r_k x^k\).

The rook vector can be generalized to matrices defined over any rings using permanental minors. Among the available algorithms, only “Godsil” needs the condition on the entries to be either \(0\) or \(1\).

See Wikipedia article Rook_polynomial for more information and also the method permanental_minor() to compute individual permanental minor.

See also sage.matrix.matrix2.permanental_minor_polynomial and the graph method matching_polynomial.

INPUT:

  • self – an \(m\) by \(n\) matrix

  • algorithm – a string which must be either “Ryser” or “ButeraPernici” (default) or “Godsil”; Ryser one might be faster on simple and small instances. Godsil only accepts input in 0,1.

  • complement – boolean (default: False) whether we consider the rook vector of the complement matrix. If set to True then the matrix must have entries in {0, 1} and the complement matrix is the one for which the 0’s are replaced by 1’s and 1’s by 0’s.

  • use_complement – Boolean (default: None) whether to compute the rook vector of a (0,1)-matrix from its complement. By default this is determined by the density of ones in the matrix.

EXAMPLES:

The standard chessboard is an \(8\) by \(8\) grid in which any positions is allowed. In that case one gets that the number of ways to position \(4\) non-attacking rooks is \(117600\) while for \(8\) rooks it is \(40320\):

sage: ones_matrix(8,8).rook_vector()
[1, 64, 1568, 18816, 117600, 376320, 564480, 322560, 40320]

These numbers are the coefficients of a modified Laguerre polynomial:

sage: x = polygen(QQ)
sage: factorial(8) * laguerre(8,-x)                                         # needs sage.symbolic
x^8 + 64*x^7 + 1568*x^6 + 18816*x^5 + 117600*x^4 + 376320*x^3 +
564480*x^2 + 322560*x + 40320

The number of derangements of length \(n\) is the permanent of a matrix with 0 on the diagonal and 1 elsewhere; for \(n=21\) it is \(18795307255050944540\) (see OEIS sequence A000166):

sage: A = identity_matrix(21) sage: A.rook_vector(complement=True)[-1] 18795307255050944540 sage: Derangements(21).cardinality() # needs sage.combinat 18795307255050944540

An other example that we convert into a rook polynomial:

sage: A = matrix(3,6, [1,1,1,1,0,0,0,1,1,1,1,0,0,0,1,1,1,1])
sage: A
[1 1 1 1 0 0]
[0 1 1 1 1 0]
[0 0 1 1 1 1]
sage: A.rook_vector()
[1, 12, 40, 36]

sage: R = PolynomialRing(ZZ, 'x')
sage: R(A.rook_vector())
36*x^3 + 40*x^2 + 12*x + 1

Different algorithms are available:

sage: A = matrix([[1,0,0,1],[0,1,1,0],[0,1,1,0],[1,0,0,1]])
sage: A.rook_vector(algorithm="ButeraPernici")
[1, 8, 20, 16, 4]
sage: A.rook_vector(algorithm="Ryser")
[1, 8, 20, 16, 4]
sage: A.rook_vector(algorithm="Godsil")                                     # needs sage.graphs sage.libs.flint
[1, 8, 20, 16, 4]

When the matrix \(A\) has more ones then zeroes it is usually faster to compute the rook polynomial of the complementary matrix, with zeroes and ones interchanged, and use the inclusion-exclusion theorem, giving for a \(m \times n\) matrix \(A\) with complementary matrix \(B\)

\[r_k(A) = \sum_{j=0}^k (-1)^j \binom{m-j}{k-j} \binom{n-j}{k-j} (k-j)! r_j(B)\]

see [Rio1958] or the introductory text [AS2011]. This can be done setting the argument use_complement to True.

An example with an exotic matrix (for which only Butera-Pernici and Ryser algorithms are available):

sage: R.<x,y> = PolynomialRing(GF(5))
sage: A = matrix(R, [[1, x, y], [x*y, x**2+y, 0]])
sage: A.rook_vector(algorithm="ButeraPernici")
[1, x^2 + x*y + x + 2*y + 1, 2*x^2*y + x*y^2 + x^2 + y^2 + y]
sage: A.rook_vector(algorithm="Ryser")
[1, x^2 + x*y + x + 2*y + 1, 2*x^2*y + x*y^2 + x^2 + y^2 + y]
sage: A.rook_vector(algorithm="Godsil")
Traceback (most recent call last):
...
ValueError: coefficients must be zero or one, but we have 'x' in position (0,1).
sage: B = A.transpose()
sage: B.rook_vector(algorithm="ButeraPernici")
[1, x^2 + x*y + x + 2*y + 1, 2*x^2*y + x*y^2 + x^2 + y^2 + y]
sage: B.rook_vector(algorithm="Ryser")
[1, x^2 + x*y + x + 2*y + 1, 2*x^2*y + x*y^2 + x^2 + y^2 + y]
row_module(base_ring=None)#

Return the free module over the base ring spanned by the rows of self.

EXAMPLES:

sage: A = MatrixSpace(IntegerRing(), 2)([1,2,3,4])
sage: A.row_module()
Free module of degree 2 and rank 2 over Integer Ring
Echelon basis matrix:
[1 0]
[0 2]
row_space(base_ring=None)#

Return the row space of this matrix. (Synonym for self.row_module().)

EXAMPLES:

sage: t = matrix(QQ, 3, 3, range(9)); t
[0 1 2]
[3 4 5]
[6 7 8]
sage: t.row_space()
Vector space of degree 3 and dimension 2 over Rational Field
Basis matrix:
[ 1  0 -1]
[ 0  1  2]
sage: m = Matrix(Integers(5),2,2,[2,2,2,2])
sage: m.row_space()
Vector space of degree 2 and dimension 1 over Ring of integers modulo 5
Basis matrix:
[1 1]
rref(*args, **kwds)#

Return the reduced row echelon form of the matrix, considered as a matrix over a field.

If the matrix is over a ring, then an equivalent matrix is constructed over the fraction field, and then row reduced.

All arguments are passed on to echelon_form().

Note

Because the matrix is viewed as a matrix over a field, every leading coefficient of the returned matrix will be one and will be the only nonzero entry in its column.

EXAMPLES:

sage: A = matrix(3,range(9)); A
[0 1 2]
[3 4 5]
[6 7 8]
sage: A.rref()
[ 1  0 -1]
[ 0  1  2]
[ 0  0  0]

Note that there is a difference between rref() and echelon_form() when the matrix is not over a field (in this case, the integers instead of the rational numbers):

sage: A.base_ring()
Integer Ring
sage: A.echelon_form()
[ 3  0 -3]
[ 0  1  2]
[ 0  0  0]

sage: B = random_matrix(QQ, 3, num_bound=10)
sage: while B.rank() != 3:
....:     B = random_matrix(QQ, 3, num_bound=10)
sage: B.rref()
[1 0 0]
[0 1 0]
[0 0 1]

In this case, since B is a matrix over a field (the rational numbers), rref() and echelon_form() are exactly the same:

sage: B.echelon_form()
[1 0 0]
[0 1 0]
[0 0 1]
sage: B.echelon_form() is B.rref()
True

Since echelon_form() is not implemented for every ring, sometimes behavior varies, as here:

sage: R.<x>=ZZ[]
sage: C = matrix(3,[2,x,x^2,x+1,3-x,-1,3,2,1])
sage: C.rref()
[1 0 0]
[0 1 0]
[0 0 1]
sage: C.base_ring()
Univariate Polynomial Ring in x over Integer Ring
sage: C.echelon_form()
Traceback (most recent call last):
...
NotImplementedError: Ideal Ideal (2, x + 1) of Univariate
Polynomial Ring in x over Integer Ring not principal
Echelon form not implemented over 'Univariate Polynomial Ring in x over Integer Ring'.
sage: C = matrix(3,[2,x,x^2,x+1,3-x,-1,3,2,1/2])
sage: C.echelon_form()
[                               2                                x                              x^2]
[                               0                                1            15*x^2 - 3/2*x - 31/2]
[                               0                                0 5/2*x^3 - 15/4*x^2 - 9/4*x + 7/2]
sage: C.rref()
[1 0 0]
[0 1 0]
[0 0 1]
sage: C = matrix(3,[2,x,x^2,x+1,3-x,-1/x,3,2,1/2])
sage: C.echelon_form()
[1 0 0]
[0 1 0]
[0 0 1]
set_block(row, col, block)#

Sets the sub-matrix of self, with upper left corner given by row, col to block.

EXAMPLES:

sage: A = matrix(QQ, 3, 3, range(9))/2
sage: B = matrix(ZZ, 2, 1, [100,200])
sage: A.set_block(0, 1, B)
sage: A
[  0 100   1]
[3/2 200 5/2]
[  3 7/2   4]

We test that an exception is raised when the block is out of bounds:

sage: matrix([1]).set_block(0,1,matrix([1]))
Traceback (most recent call last):
...
IndexError: matrix window index out of range
smith_form(transformation=True, integral=None, exact=True)#

Return a Smith normal form of this matrix.

For a matrix \(M\), a Smith normal form is a matrix \(S = UMV\) such that:

  • \(U\) and \(V\) are invertible matrices

  • the only non-vanishing entries of \(S\) are located on the diagonal (though \(S\) might not be a square matrix)

  • if \(d_i\) denotes the entry of \(S\) at \((i,i)\), then \(d_i\) divides \(d_{i+1}\) for all \(i\), i.e., the \(d_i\) are the ordered elementary_divisors() of \(M\)

Note that the matrices \(U\) and \(V\) are not uniquely determined and the \(d_i\) are only uniquely determined up to units. For some base rings, such as local rings, the \(d_i\) might be further normalized, see LOCAL RINGS below.

If the base ring is not a PID, the routine might work, or else it will fail having found an example of a non-principal ideal. Note that we do not call any methods to check whether or not the base ring is a PID, since this might be quite expensive (e.g. for rings of integers of number fields of large degree).

INPUT:

  • transformation – a boolean (default: True); whether the matrices \(U\) and \(V\) should be returned

  • integral – a subring of the base ring, boolean or None (default: None); the entries of \(U\) and \(V\) are taken from this subring. If True, the ring is taken to be the ring of integers of the base ring; if False the fraction field of the base ring; if None the base ring itself. When a subring is specified, multiplying by the denominator must map the entries into the subring; in this case the transformation matrices will have entries in this subring.

  • exact – a boolean (default: True), only used for local rings/fields. See LOCAL RINGS for more details.

OUTPUT:

The matrices \(S, U, V\) or the matrix \(S\) depending on transformation.

ALGORITHM:

If the base ring has a method _matrix_smith_form, use it; note that _matrix_smith_form might choose to further normalize the output.

Otherwise, use the algorithm from Wikipedia article Smith_normal_form.

LOCAL RINGS:

Over local rings, we normalize \(S\) to only contain powers of the uniformizer.

In order to simplify the precision handling, we truncate the absolute precision of the input matrix to the minimum absolute precision of any of its entries. As long as all of the elementary divisors are nonzero modulo this precision, they can be determined exactly since they are defined to be powers of the uniformizer. In this case, which is specified by the keyword exact=True, one of the transformation matrices will be inexact: \(U\) in the case that the number of rows is at least the number of columns, and \(V\) otherwise.

If exact=False, we instead return an inexact Smith form. Now the transformation matrices are exact and we can deal gracefully with elementary divisors that are zero modulo the working precision. However, the off-diagonal entries of the smith form carry a precision that can affect the precision of future calculations.

See _matrix_smith_form on the base ring for more detail.

EXAMPLES:

An example over the ring of integers of a number field (of class number 1):

sage: # needs sage.rings.number_field
sage: x = polygen(ZZ, 'x')
sage: OE.<w> = EquationOrder(x^2 - x + 2)
sage: m = Matrix([[1, w], [w, 7]])
sage: d, u, v = m.smith_form()
sage: (d, u, v)
(
[     1      0]  [ 1  0]  [ 1 -w]
[     0 -w + 9], [-w  1], [ 0  1]
)
sage: u * m * v == d
True
sage: u.base_ring() == v.base_ring() == d.base_ring() == OE
True
sage: u.det().is_unit() and v.det().is_unit()
True

An example over the polynomial ring QQ[x]:

sage: R.<x> = QQ[]; m = x*matrix(R, 2, 2, 1) - matrix(R, 2, 2, [3,-4,1,-1])
sage: m.smith_form()
(
[            1             0]  [    0    -1]  [    1 x + 1]
[            0 x^2 - 2*x + 1], [    1 x - 3], [    0     1]
)

An example over a field:

sage: m = matrix(GF(17), 3, 3, [11,5,1, 3,6,8, 1,16,0])
sage: d, u, v = m.smith_form()
sage: d
[1 0 0]
[0 1 0]
[0 0 0]
sage: u * m * v == d
True

When the base ring has a ring_of_integers method and supports denominators, you can get an integral version of the smith form:

sage: m = matrix(QQ, 2, 2, [17/6, 47/6, 25/6, 23/2])
sage: m.smith_form()
(
[1 0]  [6/17    0]  [     1 -47/17]
[0 1], [  75  -51], [     0      1]
)
sage: m.smith_form(integral=True)
(
[1/6   0]  [  3  -2]  [ 1  3]
[  0 1/3], [-25  17], [ 0 -1]
)

Some examples over non-PID’s work anyway:

sage: # needs sage.rings.number_field
sage: R.<s> = EquationOrder(x^2 + 5)  # class number 2
sage: A = matrix(R, 2, 2, [s - 1, -s, -s, 2*s + 1])
sage: D, U, V = A.smith_form()
sage: D, U, V
(
[     1      0]  [    4 s + 4]  [       1 -5*s + 6]
[     0 -s - 6], [    s s - 1], [       0        1]
)
sage: D == U * A * V
True

Others don’t, but they fail quite constructively:

sage: matrix(R, 2, 2, [s - 1, -s - 2, -2*s, -s - 2]).smith_form()           # needs sage.rings.number_field
Traceback (most recent call last):
...
ArithmeticError: Ideal Fractional ideal (2, s + 1) not principal

Empty matrices are handled safely:

sage: # needs sage.rings.number_field
sage: m = MatrixSpace(OE, 2,0)(0)
sage: d, u, v = m.smith_form(); u * m * v == d
True
sage: m = MatrixSpace(OE, 0,2)(0)
sage: d, u, v = m.smith_form(); u * m * v == d
True
sage: m = MatrixSpace(OE, 0,0)(0)
sage: d, u, v = m.smith_form(); u * m * v == d
True

Some pathological cases that crashed earlier versions:

sage: # needs sage.rings.number_field
sage: m = Matrix(OE, [[ 2*w,      2*w - 1,  -w + 1],
....:                 [ 2*w + 2, -2*w - 1,   w - 1],
....:                 [-2*w - 1, -2*w - 2, 2*w - 1]])
sage: d, u, v = m.smith_form(); u * m * v == d
True
sage: m = matrix(OE, [[-5*w - 1, -2*w - 2, 4*w - 10],
....:                 [ 8*w,       -w,       w - 1],
....:                 [      -1,        1,      -8]])
sage: d, u, v = m.smith_form(); u * m * v == d
True

Over local fields, we can request the transformation matrices to be integral:;

sage: K = Qp(2, 5, print_mode=’terse’) # needs sage.rings.padics sage: M = matrix(K, 2, 3, [1/2, 1, 2, 1/3, 1, 3]) # needs sage.rings.padics sage: M.smith_form(integral=True) # needs sage.rings.padics ( [1/2 + O(2^4) 0 0] [ 1 + O(2^5) 0] [ 0 1 + O(2^5) 0], [42 + O(2^6) 1 + O(2^5)], <BLANKLINE> [ 1 + O(2^5) 26 + O(2^5) 6 + O(2^5)] [ O(2^4) 3 + O(2^4) 11 + O(2^4)] [ 0 0 1 + O(2^5)] )

solve_left(B, check=True)#

Try to find a solution \(X\) to the equation \(X A = B\).

If self is a matrix \(A\), then this function returns a vector or matrix \(X\) such that \(X A = B\). If \(B\) is a vector then \(X\) is a vector and if \(B\) is a matrix, then \(X\) is a matrix.

Over inexact rings, the output of this function may not be an exact solution. For example, over the real or complex double field, this method computes a least-squares solution if the system is not square.

Note

In Sage one can also write B / A for A.solve_left(B), that is, Sage implements “the MATLAB/Octave slash operator”.

INPUT:

  • B – a matrix or vector

  • check – boolean (default: True); verify the answer if the system is non-square or rank-deficient, and if its entries lie in an exact ring. Meaningless over most inexact rings, or when the system is square and of full rank.

OUTPUT:

If the system is square and has full rank, the unique solution is returned, and no check is done on the answer. Over inexact rings, you should expect this answer to be inexact. Moreover, due to the numerical issues involved, an error may be thrown in this case – specifically if the system is singular but if SageMath fails to notice that.

If the system is not square or does not have full rank, then a solution is attempted via other means. For example, over RDF or CDF a least-squares solution is returned, as with MATLAB’s “backslash” operator. For most inexact rings, the check parameter is ignored because an approximate solution will be returned in any case. Over exact rings, on the other hand, setting the check parameter results in an additional test to determine whether or not the answer actually solves the system exactly. If a symbolic system involves only exact elements, its solution can still be checked.

If \(B\) is a vector, the result is returned as a vector, as well, and as a matrix, otherwise.

See also

solve_right()

EXAMPLES:

sage: A = matrix(QQ,4,2, [0, -1, 1, 0, -2, 2, 1, 0])
sage: B = matrix(QQ,2,2, [1, 0, 1, -1])
sage: X = A.solve_left(B)
sage: X*A == B
True
sage: X == B / A
True
sage: A = matrix([(3, -1, 0, 0), (1, 1, -2, 0), (0, 0, 0, -3)])
sage: B = matrix(QQ, 3, 1, [0, 0, -1])
sage: A.solve_left(B)
Traceback (most recent call last):
...
ValueError: number of columns of self must equal number of columns
of right-hand side

Over the reals:

sage: A = matrix(RDF, 3,3, [1,2,5,7.6,2.3,1,1,2,-1]); A
[ 1.0  2.0  5.0]
[ 7.6  2.3  1.0]
[ 1.0  2.0 -1.0]
sage: b = vector(RDF,[1,2,3])
sage: x = A.solve_left(b); x.zero_at(2e-17)  # fix noisy zeroes             # needs scipy
(0.666666666..., 0.0, 0.333333333...)
sage: x.parent()                                                            # needs scipy
Vector space of dimension 3 over Real Double Field
sage: x*A  # tol 1e-14                                                      # needs scipy
(0.9999999999999999, 1.9999999999999998, 3.0)

Over the complex numbers:

sage: # needs sage.rings.complex_double sage.symbolic
sage: A = matrix(CDF, [[      0, -1 + 2*I,  1 - 3*I,        I],
....:                  [2 + 4*I, -2 + 3*I, -1 + 2*I,   -1 - I],
....:                  [  2 + I,    1 - I,       -1,        5],
....:                  [    3*I,   -1 - I,   -1 + I,   -3 + I]])
sage: b = vector(CDF, [2 -3*I, 3, -2 + 3*I, 8])
sage: x = A.solve_left(b); x                                                # needs scipy
(-1.55765124... - 0.644483985...*I, 0.183274021... + 0.286476868...*I,
 0.270818505... + 0.246619217...*I, -1.69003558... - 0.828113879...*I)
sage: x.parent()                                                            # needs scipy
Vector space of dimension 4 over Complex Double Field
sage: abs(x*A - b) < 1e-14                                                  # needs scipy
True

If b is given as a matrix, the result will be a matrix, as well:

sage: A = matrix(RDF, 3, 3, [2, 5, 0, 7, 7, -2, -4.3, 0, 1])
sage: b = matrix(RDF, 2, 3, [2, -4, -5, 1, 1, 0.1])
sage: A.solve_left(b)  # tol 1e-14                                          # needs scipy
[  -6.495454545454545    4.068181818181818   3.1363636363636354]
[  0.5277272727272727  -0.2340909090909091 -0.36818181818181817]

If \(A\) is a non-square matrix, the result is a least-squares solution. For a tall matrix, this may give a solution with a least-squares error of almost zero:

sage: A = matrix(RDF, 3, 2, [1, 3, 4, 2, 0, -3])
sage: b = vector(RDF, [5, 6])
sage: x = A.solve_left(b)                                                   # needs scipy
sage: (x * A - b).norm() < 1e-14                                            # needs scipy
True

For a wide matrix \(A\), the error is usually not small:

sage: A = matrix(RDF, 2, 3, [1, 3, 4, 2, 0, -3])
sage: b = vector(RDF, [5, 6, 1])
sage: x = A.solve_left(b)                                                   # needs scipy
sage: (x * A - b).norm()  # tol 1e-14                                       # needs scipy
0.9723055853282466
solve_right(B, check=True)#

Try to find a solution \(X\) to the equation \(A X = B\).

If self is a matrix \(A\), then this function returns a vector or matrix \(X\) such that \(A X = B\). If \(B\) is a vector then \(X\) is a vector and if \(B\) is a matrix, then \(X\) is a matrix.

Over inexact rings, the output of this function may not be an exact solution. For example, over the real or complex double field, this method computes a least-squares solution if the system is not square.

Note

DEPRECATED. In Sage one can also write A \ B for A.solve_right(B), that is, Sage implements “the MATLAB/Octave backslash operator”.

INPUT:

  • B – a matrix or vector

  • check – boolean (default: True); verify the answer if the system is non-square or rank-deficient, and if its entries lie in an exact ring. Meaningless over most inexact rings, or when the system is square and of full rank.

OUTPUT:

If the system is square and has full rank, the unique solution is returned, and no check is done on the answer. Over inexact rings, you should expect this answer to be inexact. Moreover, due to the numerical issues involved, an error may be thrown in this case – specifically if the system is singular but if SageMath fails to notice that.

If the system is not square or does not have full rank, then a solution is attempted via other means. For example, over RDF or CDF a least-squares solution is returned, as with MATLAB’s “backslash” operator. For most inexact rings, the check parameter is ignored because an approximate solution will be returned in any case. Over exact rings, on the other hand, setting the check parameter results in an additional test to determine whether or not the answer actually solves the system exactly. If a symbolic system involves only exact elements, its solution can still be checked.

If \(B\) is a vector, the result is returned as a vector, as well, and as a matrix, otherwise.

See also

solve_left()

EXAMPLES:

sage: A = matrix(QQ, 3, [1,2,3,-1,2,5,2,3,1])
sage: b = vector(QQ,[1,2,3])
sage: x = A.solve_right(b); x
(-13/12, 23/12, -7/12)
sage: A * x
(1, 2, 3)

We solve with A nonsquare:

sage: A = matrix(QQ,2,4, [0, -1, 1, 0, -2, 2, 1, 0]); B = matrix(QQ,2,2, [1, 0, 1, -1])
sage: X = A.solve_right(B); X
[-3/2  1/2]
[  -1    0]
[   0    0]
[   0    0]
sage: A*X == B
True

Another nonsingular example:

sage: A = matrix(QQ,2,3, [1,2,3,2,4,6]); v = vector([-1/2,-1])
sage: x = A.solve_right(v); x
(-1/2, 0, 0)
sage: A*x == v
True

Same example but over \(\ZZ\):

sage: A = matrix(ZZ,2,3, [1,2,3,2,4,6]); v = vector([-1,-2])
sage: A.solve_right(v)
(-1, 0, 0)

An example in which there is no solution:

sage: A = matrix(QQ,2,3, [1,2,3,2,4,6]); v = vector([1,1])
sage: A.solve_right(v)
Traceback (most recent call last):
...
ValueError: matrix equation has no solutions

A ValueError is raised if the input is invalid:

sage: A = matrix(QQ,4,2, [0, -1, 1, 0, -2, 2, 1, 0])
sage: B = matrix(QQ,2,2, [1, 0, 1, -1])
sage: X = A.solve_right(B)
Traceback (most recent call last):
...
ValueError: number of rows of self must equal number of rows of
right-hand side

We solve with A singular:

sage: A = matrix(QQ,2,3, [1,2,3,2,4,6]); B = matrix(QQ,2,2, [6, -6, 12, -12])
sage: X = A.solve_right(B); X
[ 6 -6]
[ 0  0]
[ 0  0]
sage: A*X == B
True

We illustrate left associativity, etc., of the solve_right operator.

sage: A = matrix(QQ, 2, [1,2,3,4])
sage: A.solve_right(A)
[1 0]
[0 1]
sage: (A.solve_right(A)).solve_right(A)
[1 2]
[3 4]
sage: A.parent()(1).solve_right(A)
[1 2]
[3 4]
sage: A.solve_right(A.solve_right(A))
[  -2    1]
[ 3/2 -1/2]
sage: X = A.solve_right(A - 2); X
[ 5 -2]
[-3  2]
sage: A * X
[-1  2]
[ 3  2]

Solving over a polynomial ring:

sage: x = polygen(QQ, 'x')
sage: A = matrix(2, [x,2*x,-5*x^2+1,3])
sage: v = vector([3,4*x - 2])
sage: X = A.solve_right(v)
sage: X
((-4/5*x^2 + 2/5*x + 9/10)/(x^3 + 1/10*x), (19/10*x^2 - 1/5*x - 3/10)/(x^3 + 1/10*x))
sage: A * X == v
True

Solving some systems over \(\ZZ/n\ZZ\):

sage: # needs sage.libs.pari
sage: A = Matrix(Zmod(6), 3, 2, [1,2,3,4,5,6])
sage: B = vector(Zmod(6), [1,1,1])
sage: A.solve_right(B)
(5, 1)
sage: B = vector(Zmod(6), [5,1,1])
sage: A.solve_right(B)
Traceback (most recent call last):
...
ValueError: matrix equation has no solutions
sage: A = Matrix(Zmod(128), 2, 3, [23,11,22,4,1,0])
sage: B = Matrix(Zmod(128), 2, 1, [1,0])
sage: A.solve_right(B)
[  5]
[108]
[127]
sage: B = B.column(0)
sage: A.solve_right(B)
(5, 108, 127)
sage: A = Matrix(Zmod(15), 3,4, range(12))
sage: B = Matrix(Zmod(15), 3,3, range(3,12))
sage: X = A.solve_right(B)
sage: A*X == B
True

Solving a system over the p-adics:

sage: # needs sage.rings.padics
sage: k = Qp(5, 4)
sage: a = matrix(k, 3, [1,7,3, 2,5,4, 1,1,2]); a
[    1 + O(5^4) 2 + 5 + O(5^4)     3 + O(5^4)]
[    2 + O(5^4)     5 + O(5^5)     4 + O(5^4)]
[    1 + O(5^4)     1 + O(5^4)     2 + O(5^4)]
sage: v = vector(k, 3, [1,2,3])
sage: x = a.solve_right(v); x
(4 + 5 + 5^2 + 3*5^3 + O(5^4), 2 + 5 + 3*5^2 + 5^3 + O(5^4), 1 + 5 + O(5^4))
sage: a * x == v
True

Solving a system of linear equations symbolically using symbolic matrices:

sage: # needs sage.symbolic
sage: var('a,b,c,d,x,y')
(a, b, c, d, x, y)
sage: A = matrix(SR, 2, [a,b,c,d]); A
[a b]
[c d]
sage: result = vector(SR, [3,5]); result
(3, 5)
sage: soln = A.solve_right(result); soln
(-b*(3*c/a - 5)/(a*(b*c/a - d)) + 3/a, (3*c/a - 5)/(b*c/a - d))
sage: (a*x + b*y).subs(x=soln[0], y=soln[1]).simplify_full()
3
sage: (c*x + d*y).subs(x=soln[0], y=soln[1]).simplify_full()
5
sage: (A*soln).apply_map(lambda x: x.simplify_full())
(3, 5)

Over inexact rings, the output of this function may not be an exact solution. For example, over the real or complex double field, this computes a least-squares solution:

sage: A = matrix(RDF, 3, 2, [1, 3, 4, 2, 0, -3])
sage: b = vector(RDF, [5, 6, 1])
sage: A.solve_right(b)  # tol 1e-14                                         # needs scipy
(1.4782608695652177, 0.35177865612648235)
sage: ~(A.T * A) * A.T * b  # closed form solution, tol 1e-14               # needs scipy
(1.4782608695652177, 0.35177865612648235)

Over the reals:

sage: A = matrix(RDF, 3,3, [1,2,5,7.6,2.3,1,1,2,-1]); A
[ 1.0  2.0  5.0]
[ 7.6  2.3  1.0]
[ 1.0  2.0 -1.0]
sage: b = vector(RDF, [1,2,3])
sage: x = A.solve_right(b); x  # tol 1e-14                                  # needs scipy
(-0.1136950904392765, 1.3901808785529717, -0.33333333333333337)
sage: x.parent()                                                            # needs scipy
Vector space of dimension 3 over Real Double Field
sage: A*x  # tol 1e-14                                                      # needs scipy
(1.0, 1.9999999999999996, 3.0000000000000004)

Over the complex numbers:

sage: # needs sage.rings.complex_double sage.symbolic
sage: A = matrix(CDF, [[      0, -1 + 2*I,  1 - 3*I,        I],
....:                  [2 + 4*I, -2 + 3*I, -1 + 2*I,   -1 - I],
....:                  [  2 + I,    1 - I,       -1,        5],
....:                  [    3*I,   -1 - I,   -1 + I,   -3 + I]])
sage: b = vector(CDF, [2 - 3*I, 3, -2 + 3*I, 8])
sage: x = A.solve_right(b); x                                               # needs scipy
(1.96841637... - 1.07606761...*I, -0.614323843... + 1.68416370...*I,
 0.0733985765... + 1.73487544...*I, -1.6018683... + 0.524021352...*I)
sage: x.parent()                                                            # needs scipy
Vector space of dimension 4 over Complex Double Field
sage: abs(A*x - b) < 1e-14                                                  # needs scipy
True

If b is given as a matrix, the result will be a matrix, as well:

sage: A = matrix(RDF, 3, 3, [1, 2, 2, 3, 4, 5, 2, 2, 2])
sage: b = matrix(RDF, 3, 2, [3, 2, 3, 2, 3, 2])
sage: A.solve_right(b)  # tol 1e-14                                         # needs scipy
[ 0.0  0.0]
[ 4.5  3.0]
[-3.0 -2.0]

If \(A\) is a non-square matrix, the result is a least-squares solution. For a wide matrix, this may give a solution with a least-squares error of almost zero:

sage: A = matrix(RDF, 2, 3, [1, 3, 4, 2, 0, -3])
sage: b = vector(RDF, [5, 6])
sage: x = A.solve_right(b)                                                  # needs scipy
sage: (A * x - b).norm() < 1e-14                                            # needs scipy
True

For a tall matrix \(A\), the error is usually not small:

sage: A = matrix(RDF, 3, 2, [1, 3, 4, 2, 0, -3])
sage: b = vector(RDF, [5, 6, 1])
sage: x = A.solve_right(b)                                                  # needs scipy
sage: (A * x - b).norm()  # tol 1e-14                                       # needs scipy
3.2692119900020438
subdivide(row_lines=None, col_lines=None)#

Divides self into logical submatrices which can then be queried and extracted.

If a subdivision already exists, this method forgets the previous subdivision and flushes the cache.

INPUT:

  • row_linesNone, an integer, or a list of integers (lines at which self must be split)

  • col_linesNone, an integer, or a list of integers (columns at which self must be split)

OUTPUT: None but changes self

Note

One may also pass a tuple into the first argument which will be interpreted as (row_lines, col_lines).

EXAMPLES:

sage: # needs sage.libs.pari
sage: M = matrix(5, 5, prime_range(100))
sage: M.subdivide(2,3); M
[ 2  3  5| 7 11]
[13 17 19|23 29]
[--------+-----]
[31 37 41|43 47]
[53 59 61|67 71]
[73 79 83|89 97]
sage: M.subdivision(0,0)
[ 2  3  5]
[13 17 19]
sage: M.subdivision(1,0)
[31 37 41]
[53 59 61]
[73 79 83]
sage: M.subdivision_entry(1,0,0,0)
31
sage: M.subdivisions()
([2], [3])
sage: M.subdivide(None, [1,3]); M
[ 2| 3  5| 7 11]
[13|17 19|23 29]
[31|37 41|43 47]
[53|59 61|67 71]
[73|79 83|89 97]

Degenerate cases work too:

sage: # needs sage.libs.pari
sage: M.subdivide([2,5], [0,1,3]); M
[| 2| 3  5| 7 11]
[|13|17 19|23 29]
[+--+-----+-----]
[|31|37 41|43 47]
[|53|59 61|67 71]
[|73|79 83|89 97]
[+--+-----+-----]
sage: M.subdivision(0,0)
[]
sage: M.subdivision(0,1)
[ 2]
[13]
sage: M.subdivide([2,2,3], [0,0,1,1]); M
[|| 2|| 3  5  7 11]
[||13||17 19 23 29]
[++--++-----------]
[++--++-----------]
[||31||37 41 43 47]
[++--++-----------]
[||53||59 61 67 71]
[||73||79 83 89 97]
sage: M.subdivision(0,0)
[]
sage: M.subdivision(2,4)
[37 41 43 47]

Indices do not need to be in the right order (github issue #14064):

sage: M.subdivide([4, 2], [3, 1]); M                                        # needs sage.libs.pari
[ 2| 3  5| 7 11]
[13|17 19|23 29]
[--+-----+-----]
[31|37 41|43 47]
[53|59 61|67 71]
[--+-----+-----]
[73|79 83|89 97]
subdivision(i, j)#

Returns an immutable copy of the (i,j)th submatrix of self, according to a previously set subdivision.

Before a subdivision is set, the only valid arguments are (0,0) which returns self.

EXAMPLES:

sage: M = matrix(3, 4, range(12))
sage: M.subdivide(1,2); M
[ 0  1| 2  3]
[-----+-----]
[ 4  5| 6  7]
[ 8  9|10 11]
sage: M.subdivision(0,0)
[0 1]
sage: M.subdivision(0,1)
[2 3]
sage: M.subdivision(1,0)
[4 5]
[8 9]

It handles size-zero subdivisions as well.

sage: M = matrix(3, 4, range(12))
sage: M.subdivide([0],[0,2,2,4]); M
[+-----++-----+]
[| 0  1|| 2  3|]
[| 4  5|| 6  7|]
[| 8  9||10 11|]
sage: M.subdivision(0,0)
[]
sage: M.subdivision(1,1)
[0 1]
[4 5]
[8 9]
sage: M.subdivision(1,2)
[]
sage: M.subdivision(1,0)
[]
sage: M.subdivision(0,1)
[]
subdivision_entry(i, j, x, y)#

Returns the x,y entry of the i,j submatrix of self.

EXAMPLES:

sage: M = matrix(5, 5, range(25))
sage: M.subdivide(3,3); M
[ 0  1  2| 3  4]
[ 5  6  7| 8  9]
[10 11 12|13 14]
[--------+-----]
[15 16 17|18 19]
[20 21 22|23 24]
sage: M.subdivision_entry(0,0,1,2)
7
sage: M.subdivision(0,0)[1,2]
7
sage: M.subdivision_entry(0,1,0,0)
3
sage: M.subdivision_entry(1,0,0,0)
15
sage: M.subdivision_entry(1,1,1,1)
24

Even though this entry exists in the matrix, the index is invalid for the submatrix.

sage: M.subdivision_entry(0,0,4,0)
Traceback (most recent call last):
...
IndexError: Submatrix 0,0 has no entry 4,0
subdivisions()#

Returns the current subdivision of self.

EXAMPLES:

sage: M = matrix(5, 5, range(25))
sage: M.subdivisions()
([], [])
sage: M.subdivide(2,3)
sage: M.subdivisions()
([2], [3])
sage: N = M.parent()(1)
sage: N.subdivide(M.subdivisions()); N
[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]
subs(*args, **kwds)#

Substitute values to the variables in that matrix.

All the arguments are transmitted unchanged to the method subs of the coefficients.

EXAMPLES:

sage: # needs sage.symbolic
sage: var('a,b,d,e')
(a, b, d, e)
sage: m = matrix([[a,b], [d,e]])
sage: m.substitute(a=1)
[1 b]
[d e]
sage: m.subs(a=b, b=d)
[b d]
[d e]
sage: m.subs({a: 3, b: 2, d: 1, e: -1})
[ 3  2]
[ 1 -1]

The parent of the newly created matrix might be different from the initial one. It depends on what the method .subs does on coefficients (see github issue #19045):

sage: x = polygen(ZZ)
sage: m = matrix([[x]])
sage: m2 = m.subs(x=2)
sage: m2.parent()
Full MatrixSpace of 1 by 1 dense matrices over Integer Ring
sage: m1 = m.subs(x=RDF(1))
sage: m1.parent()
Full MatrixSpace of 1 by 1 dense matrices over Real Double Field

However, sparse matrices remain sparse:

sage: m = matrix({(3,2): -x, (59,38): x^2+2}, nrows=1000, ncols=1000)
sage: m1 = m.subs(x=1)
sage: m1.is_sparse()
True
symplectic_form()#

Find a symplectic form for self if self is an anti-symmetric, alternating matrix defined over a field.

Returns a pair (F, C) such that the rows of C form a symplectic basis for self and F = C * self * C.transpose().

Raises a ValueError if not over a field, or self is not anti-symmetric, or self is not alternating.

Anti-symmetric means that \(M = -M^t\). Alternating means that the diagonal of \(M\) is identically zero.

A symplectic basis is a basis of the form \(e_1, \ldots, e_j, f_1, \ldots f_j, z_1, \dots, z_k\) such that

  • \(z_i M v^t\) = 0 for all vectors \(v\)

  • \(e_i M {e_j}^t = 0\) for all \(i, j\)

  • \(f_i M {f_j}^t = 0\) for all \(i, j\)

  • \(e_i M {f_i}^t = 1\) for all \(i\)

  • \(e_i M {f_j}^t = 0\) for all \(i\) not equal \(j\).

See the example for a pictorial description of such a basis.

EXAMPLES:

sage: E = matrix(QQ, 8, 8, [0, -1/2, -2, 1/2, 2, 0, -2, 1, 1/2, 0, -1, -3, 0, 2, 5/2, -3, 2, 1, 0, 3/2, -1, 0, -1, -2, -1/2, 3, -3/2, 0, 1, 3/2, -1/2, -1/2, -2, 0, 1, -1, 0, 0, 1, -1, 0, -2, 0, -3/2, 0, 0, 1/2, -2, 2, -5/2, 1, 1/2, -1, -1/2, 0, -1, -1, 3, 2, 1/2, 1, 2, 1, 0]); E
[   0 -1/2   -2  1/2    2    0   -2    1]
[ 1/2    0   -1   -3    0    2  5/2   -3]
[   2    1    0  3/2   -1    0   -1   -2]
[-1/2    3 -3/2    0    1  3/2 -1/2 -1/2]
[  -2    0    1   -1    0    0    1   -1]
[   0   -2    0 -3/2    0    0  1/2   -2]
[   2 -5/2    1  1/2   -1 -1/2    0   -1]
[  -1    3    2  1/2    1    2    1    0]
sage: F, C = E.symplectic_form(); F
[ 0  0  0  0  1  0  0  0]
[ 0  0  0  0  0  1  0  0]
[ 0  0  0  0  0  0  1  0]
[ 0  0  0  0  0  0  0  1]
[-1  0  0  0  0  0  0  0]
[ 0 -1  0  0  0  0  0  0]
[ 0  0 -1  0  0  0  0  0]
[ 0  0  0 -1  0  0  0  0]
sage: F == C * E * C.transpose()
True
tensor_product(A, subdivide=True)#

Returns the tensor product of two matrices.

INPUT:

  • A - a matrix

  • subdivide - default: True - whether or not to return natural subdivisions with the matrix

OUTPUT:

Replace each element of self by a copy of A, but first create a scalar multiple of A by the element it replaces. So if self is an \(m\times n\) matrix and A is a \(p\times q\) matrix, then the tensor product is an \(mp\times nq\) matrix. By default, the matrix will be subdivided into submatrices of size \(p\times q\).

EXAMPLES:

sage: M1=Matrix(QQ,[[-1,0],[-1/2,-1]])
sage: M2=Matrix(ZZ,[[1,-1,2],[-2,4,8]])
sage: M1.tensor_product(M2)
[  -1    1   -2|   0    0    0]
[   2   -4   -8|   0    0    0]
[--------------+--------------]
[-1/2  1/2   -1|  -1    1   -2]
[   1   -2   -4|   2   -4   -8]
sage: M2.tensor_product(M1)
[  -1    0|   1    0|  -2    0]
[-1/2   -1| 1/2    1|  -1   -2]
[---------+---------+---------]
[   2    0|  -4    0|  -8    0]
[   1    2|  -2   -4|  -4   -8]

Subdivisions can be optionally suppressed.

sage: M1.tensor_product(M2, subdivide=False)
[  -1    1   -2    0    0    0]
[   2   -4   -8    0    0    0]
[-1/2  1/2   -1   -1    1   -2]
[   1   -2   -4    2   -4   -8]

Different base rings are handled sensibly.

sage: A = matrix(ZZ, 2, 3, range(6))
sage: B = matrix(FiniteField(23), 3, 4, range(12))
sage: C = matrix(FiniteField(29), 4, 5, range(20))
sage: D = A.tensor_product(B)
sage: D.parent()
Full MatrixSpace of 6 by 12 dense matrices over Finite Field of size 23
sage: E = C.tensor_product(B)
Traceback (most recent call last):
...
TypeError: unsupported operand parent(s) for *:
 'Finite Field of size 29' and
 'Full MatrixSpace of 3 by 4 dense matrices over Finite Field of size 23'

The input is checked to be sure it is a matrix.

sage: A = matrix(QQ, 2, 2, range(4))
sage: A.tensor_product('junk')
Traceback (most recent call last):
...
TypeError: tensor product requires a second matrix, not junk
trace()#

Return the trace of self, which is the sum of the diagonal entries of self.

INPUT:

  • self - a square matrix

OUTPUT: element of the base ring of self

EXAMPLES:

sage: a = matrix(3,3,range(9)); a
[0 1 2]
[3 4 5]
[6 7 8]
sage: a.trace()
12
sage: a = matrix({(1,1):10, (2,1):-3, (2,2):4/3}); a
[  0   0   0]
[  0  10   0]
[  0  -3 4/3]
sage: a.trace()
34/3
trace_of_product(other)#

Returns the trace of self * other without computing the entire product.

EXAMPLES:

sage: M = random_matrix(ZZ, 10, 20)
sage: N = random_matrix(ZZ, 20, 10)
sage: M.trace_of_product(N) == (M*N).trace()
True
visualize_structure(maxsize=512)#

Visualize the non-zero entries

White pixels are put at positions with zero entries. If ‘maxsize’ is given, then the maximal dimension in either x or y direction is set to ‘maxsize’ depending on which is bigger. If the image is scaled, the darkness of the pixel reflects how many of the represented entries are nonzero. So if e.g. one image pixel actually represents a 2x2 submatrix, the dot is darker the more of the four values are nonzero.

INPUT:

  • maxsize - integer (default: 512). Maximal dimension in either x or y direction of the resulting image. If None or a maxsize larger than max(self.nrows(),self.ncols()) is given the image will have the same pixelsize as the matrix dimensions.

OUTPUT:

Bitmap image as an instance of Image.

EXAMPLES:

sage: # needs sage.rings.real_mpfr
sage: M = random_matrix(CC, 5, 7)
sage: for i in range(5):  M[i,i] = 0
sage: M[4, 0] = M[0, 6] = M[4, 6] = 0
sage: img = M.visualize_structure();  img                                   # needs pillow
7x5px 24-bit RGB image

You can use save() to save the resulting image:

sage: # needs pillow sage.rings.real_mpfr
sage: filename = tmp_filename(ext='.png')
sage: img.save(filename)
sage: with open(filename, 'rb') as fobj:
....:     fobj.read().startswith(b'\x89PNG')
True
wiedemann(i, t=0)#

Application of Wiedemann’s algorithm to the i-th standard basis vector.

INPUT:

  • i - an integer

  • t - an integer (default: 0) if t is nonzero, use only the first t linear recurrence relations.

IMPLEMENTATION: This is a toy implementation.

EXAMPLES:

sage: t = matrix(QQ, 3, 3, range(9)); t
[0 1 2]
[3 4 5]
[6 7 8]
sage: t.wiedemann(0)
x^2 - 12*x - 18
sage: t.charpoly()                                                          # needs sage.libs.pari
x^3 - 12*x^2 - 18*x
zigzag_form(subdivide=True, transformation=False)#

Find a matrix in ZigZag form that is similar to self.

INPUT:

  • self - a square matrix with entries from an exact field.

  • transformation - default: False - if True return a change-of-basis matrix relating the matrix and its ZigZag form.

  • subdivide - default: True - if True the ZigZag form matrix is subdivided according to the companion matrices described in the output section below.

OUTPUT:

A matrix in ZigZag form has blocks on the main diagonal that are companion matrices. The first companion matrix has ones just below the main diagonal. The last column has the negatives of coefficients of a monic polynomial, but not the leading one. Low degree monomials have their coefficients in the earlier rows. The second companion matrix is like the first only transposed. The third is like the first. The fourth is like the second. And so on.

These blocks on the main diagonal define blocks just off the diagonal. To the right of the first companion matrix, and above the second companion matrix is a block that is totally zero, except the entry of the first row and first column may be a one. Below the second block and to the left of the third block is a block that is totally zero, except the entry of the first row and first column may be one. This alternating pattern continues. It may now be apparent how this form gets its name. Any other entry of the matrix is zero. So this form is reminiscent of rational canonical form and is a good precursor to that form.

If transformation is True, then the output is a pair of matrices. The first is the form Z and the second is an invertible matrix U such that U.inverse()*self*U equals Z. In other words, the representation of self with respect to the columns of U will be Z.

If subdivide is True then the matrix returned as the form is partitioned according to the companion matrices and these may be manipulated by several different matrix methods.

For output that may be more useful as input to other routines, see the helper method _zigzag_form().

Note

An effort has been made to optimize computation of the form, but no such work has been done for the computation of the transformation matrix, so for fastest results do not request the transformation matrix.

ALGORITHM:

ZigZag form, and its computation, are due to Arne Storjohann and are described in [Sto2000] and [Sto1998], where the former is more representative of the code here.

EXAMPLES:

Two examples that illustrate ZigZag form well. Notice that this is not a canonical form. The two matrices below are similar, since they have equal Jordan canonical forms, yet their ZigZag forms are quite different. In other words, while the computation of the form is deterministic, the final result, when viewed as a property of a linear transformation, is dependent on the basis used for the matrix representation.

sage: A = matrix(QQ, [[-68,   69, -27, -11, -65,   9, -181, -32],
....:                 [-52,   52, -27,  -8, -52, -16, -133, -14],
....:                 [ 92,  -97,  47,  14,  90,  32,  241,  18],
....:                 [139, -144,  60,  18, 148, -10,  362,  77],
....:                 [ 40,  -41,  12,   6,  45, -24,  105,  42],
....:                 [-46,   48, -20,  -7, -47,   0, -122, -22],
....:                 [-26,   27, -13,  -4, -29,  -6,  -66, -14],
....:                 [-33,   34, -13,  -5, -35,   7,  -87, -23]])
sage: Z, U = A.zigzag_form(transformation=True)
sage: Z
[  0   0   0  40|  1   0|  0   0]
[  1   0   0  52|  0   0|  0   0]
[  0   1   0  18|  0   0|  0   0]
[  0   0   1  -1|  0   0|  0   0]
[---------------+-------+-------]
[  0   0   0   0|  0   1|  0   0]
[  0   0   0   0|-25  10|  0   0]
[---------------+-------+-------]
[  0   0   0   0|  1   0|  0  -4]
[  0   0   0   0|  0   0|  1  -4]
sage: U.inverse()*A*U == Z
True

sage: B = matrix(QQ, [[ 16,  69, -13,   2, -52,  143,   90,  -3],
....:                 [ 26,  54,   6,  -5, -28,   73,   73, -48],
....:                 [-16, -79,  12, -10,  64, -142, -115,  41],
....:                 [ 27,  -7,  21, -33,  39,  -20,  -42,  43],
....:                 [  8, -75,  34, -32,  86, -156, -130,  42],
....:                 [  2, -17,   7,  -8,  20,  -33,  -31,  16],
....:                 [-24, -80,   7,  -3,  56, -136, -112,  42],
....:                 [ -6, -19,   0,  -1,  13,  -28,  -27,  15]])
sage: Z, U = B.zigzag_form(transformation=True)
sage: Z
[   0    0    0    0    0 1000|   0|   0]
[   1    0    0    0    0  900|   0|   0]
[   0    1    0    0    0  -30|   0|   0]
[   0    0    1    0    0 -153|   0|   0]
[   0    0    0    1    0    3|   0|   0]
[   0    0    0    0    1    9|   0|   0]
[-----------------------------+----+----]
[   0    0    0    0    0    0|  -2|   0]
[-----------------------------+----+----]
[   0    0    0    0    0    0|   1|  -2]
sage: U.inverse()*B*U == Z
True

sage: A.jordan_form() == B.jordan_form()                                    # needs sage.combinat sage.libs.pari
True

Two more examples, illustrating the two extremes of the zig-zag nature of this form. The first has a one in each of the off-diagonal blocks, the second has all zeros in each off-diagonal block. Notice again that the two matrices are similar, since their Jordan canonical forms are equal.

sage: C = matrix(QQ, [[2,  31, -10,  -9, -125,  13,  62, -12],
....:                 [0,  48, -16, -16, -188,  20,  92, -16],
....:                 [0,   9,  -1,   2,  -33,   5,  18,   0],
....:                 [0,  15,  -5,   0,  -59,   7,  30,  -4],
....:                 [0, -21,   7,   2,   84, -10, -42,   5],
....:                 [0, -42,  14,   8,  167, -17, -84,  13],
....:                 [0, -50,  17,  10,  199, -23, -98,  14],
....:                 [0,  15,  -5,  -2,  -59,   7,  30, -2]])
sage: Z, U = C.zigzag_form(transformation=True)
sage: Z
[2|1|0|0|0|0|0|0]
[-+-+-+-+-+-+-+-]
[0|2|0|0|0|0|0|0]
[-+-+-+-+-+-+-+-]
[0|1|2|1|0|0|0|0]
[-+-+-+-+-+-+-+-]
[0|0|0|2|0|0|0|0]
[-+-+-+-+-+-+-+-]
[0|0|0|1|2|1|0|0]
[-+-+-+-+-+-+-+-]
[0|0|0|0|0|2|0|0]
[-+-+-+-+-+-+-+-]
[0|0|0|0|0|1|2|1]
[-+-+-+-+-+-+-+-]
[0|0|0|0|0|0|0|2]
sage: U.inverse()*C*U == Z
True

sage: D = matrix(QQ, [[ -4,   3,    7,   2,  -4,   5,    7,   -3],
....:                 [ -6,   5,    7,   2,  -4,   5,    7,   -3],
....:                 [ 21, -12,   89,  25,   8,  27,   98,  -95],
....:                 [ -9,   5,  -44, -11,  -3, -13,  -48,   47],
....:                 [ 23, -13,   74,  21,  12,  22,   85,  -84],
....:                 [ 31, -18,  135,  38,  12,  47,  155, -147],
....:                 [-33,  19, -138, -39, -13, -45, -156,  151],
....:                 [ -7,   4,  -29,  -8,  -3, -10,  -34,  34]])
sage: Z, U = D.zigzag_form(transformation=True)
sage: Z
[ 0 -4| 0  0| 0  0| 0  0]
[ 1  4| 0  0| 0  0| 0  0]
[-----+-----+-----+-----]
[ 0  0| 0  1| 0  0| 0  0]
[ 0  0|-4  4| 0  0| 0  0]
[-----+-----+-----+-----]
[ 0  0| 0  0| 0 -4| 0  0]
[ 0  0| 0  0| 1  4| 0  0]
[-----+-----+-----+-----]
[ 0  0| 0  0| 0  0| 0  1]
[ 0  0| 0  0| 0  0|-4  4]
sage: U.inverse()*D*U == Z
True

sage: C.jordan_form() == D.jordan_form()                                    # needs sage.combinat sage.libs.pari
True

ZigZag form is achieved entirely with the operations of the field, so while the eigenvalues may lie outside the field, this does not impede the computation of the form.

sage: # needs sage.rings.finite_rings
sage: F.<a> = GF(5^4)
sage: A = matrix(F, [[     a,      0,  0, a + 3],
....:                [     0,a^2 + 1,  0,     0],
....:                [     0,      0,a^3,     0],
....:                [a^2 +4 ,     0,   0,a + 2]])
sage: A.zigzag_form()
[                    0 a^3 + 2*a^2 + 2*a + 2|                    0|                    0]
[                    1               2*a + 2|                    0|                    0]
[-------------------------------------------+---------------------+---------------------]
[                    0                     0|                  a^3|                    0]
[-------------------------------------------+---------------------+---------------------]
[                    0                     0|                    0|              a^2 + 1]
sage: A.eigenvalues()
Traceback (most recent call last):
...
NotImplementedError: algebraic closures of finite fields are only implemented for prime fields

Subdivisions are optional.

sage: F.<a> = GF(5^4)                                                       # needs sage.rings.finite_rings
sage: A = matrix(F, [[     a,      0,  0, a + 3],                           # needs sage.rings.finite_rings
....:                [     0,a^2 + 1,  0,     0],
....:                [     0,      0,a^3,     0],
....:                [a^2 +4 ,     0,   0,a + 2]])
sage: A.zigzag_form(subdivide=False)                                        # needs sage.rings.finite_rings
[                    0 a^3 + 2*a^2 + 2*a + 2                     0                     0]
[                    1               2*a + 2                     0                     0]
[                    0                     0                   a^3                     0]
[                    0                     0                     0               a^2 + 1]
exception sage.matrix.matrix2.NotFullRankError#

Bases: ValueError

An error that indicates that a matrix is not of full rank.

The fact that a square system is rank-deficient sometimes only becomes apparent while attempting to solve it. The methods Matrix.solve_left() and Matrix.solve_right() defer to Matrix._solve_right_nonsingular_square() for square systems, and that method raises this error if the system turns out to be singular.

sage.matrix.matrix2.decomp_seq(v)#

This function is used internally be the decomposition matrix method. It takes a list of tuples and produces a sequence that is correctly sorted and prints with carriage returns.

EXAMPLES:

sage: from sage.matrix.matrix2 import decomp_seq
sage: V = [(QQ^3, 2), (QQ^2, 1)]
sage: decomp_seq(V)
[
(Vector space of dimension 2 over Rational Field, 1),
(Vector space of dimension 3 over Rational Field, 2)
]
sage.matrix.matrix2.ideal_or_fractional(R, *args)#