Uses of Class
org.flag4j.arrays.dense.CMatrix
Package
Description
Provides implementations for dense tensors, matrices, and vectors.
Contains implementations for sparse tensors, matrices, and vectors.
This package contains classes for Pseudo-random generation of real/complex numbers, and arrays, vectors,
matrices, and tensors.
-
Uses of CMatrix in org.flag4j.arrays.backend.smart_visitors
Modifier and TypeMethodDescriptionMatrixMixin
<?, ?, ?, ?> MatrixMixin
<?, ?, ?, ?> MatrixMixin
<?, ?, ?, ?> MatrixMixin
<?, ?, ?, ?> abstract T
MatrixMixin
<?, ?, ?, ?> -
Uses of CMatrix in org.flag4j.arrays.dense
Modifier and TypeClassDescriptionclass
Instances of this class represents a complex dense matrix backed by aComplex128
array.class
Modifier and TypeMethodDescriptionComputes the element-wise sum between two tensors of the same shape.CMatrix.add
(CooCMatrix b) Computes the element-wise sum between two tensors of the same shape.Computes the element-wise sum between two tensors of the same shape.Matrix.add
(Complex128 b) Adds a complex-valued scalar to each entry of this matrix.Sums this matrix with a complex dense matrix.Matrix.add
(CooCMatrix b) Sums this matrix with a real sparse COO matrix.Matrix.add
(CsrCMatrix b) Sums this matrix with a real sparse CSR matrix.static CMatrix
CMatrix.diag
(Complex128... data) Constructs a diagonal matrix from an array specifying the diagonal elements of the matrix.static CMatrix
Constructs a diagonal matrix from a vector specifying the diagonal elements of the matrix.Computes the element-wise quotient between two tensors.Matrix.div
(Complex128 b) Computes the scalar division of this matrix with a complex number.Computes the element-wise division between two tensors.Computes the element-wise multiplication of two tensors of the same shape.Computes the element-wise product of two matrices.static CMatrix
CMatrix.getEmpty
(int rows, int cols) Constructs an empty matrix with the specified number of rows and columns.static CMatrix
CMatrix.I
(int size) Constructs an identity matrix of the specified size.static CMatrix
CMatrix.I
(int numRows, int numCols) Constructs an identity-like matrix of the specified shape.static CMatrix
Constructs an identity-like matrix of the specified shape.CVector.makeLikeMatrix
(Shape shape, Complex128[] entries) Constructs a matrix of similar type to this vector with the specifiedshape
anddata
.CMatrix.makeLikeTensor
(Shape shape, Complex128[] entries) Constructs a tensor of the same type as this tensor with the given theshape
anddata
.Computes the matrix multiplication between two matrices.CMatrix.mult
(CooCMatrix b) Computes the matrix multiplication between two matrices.Computes the matrix multiplication between two matrices.CMatrix.mult
(CsrCMatrix b) Computes the matrix multiplication between two matrices.Computes the matrix multiplication between two matrices.Matrix.mult
(Complex128 b) Computes the scalar multiplication of this matrix with a complex number.Computes the matrix multiplication between this matrix and a complex dense matrix.Matrix.mult
(CooCMatrix b) Computes the matrix multiplication between this matrix and a complex sparse COO matrix.Matrix.mult
(CsrCMatrix b) Computes the matrix multiplication between this matrix and a complex sparse CSR matrix.CMatrix.pow
(int n) Computes the matrix multiplication of this matrix with itselfn
times.CMatrix.round()
Rounds all data in this matrix to the nearest integer.CMatrix.round
(int precision) Rounds all data within this matrix to the specified precision.CMatrix.roundToZero
(double tolerance) Sets all elements of this matrix to zero if they are withintol
of zero.Matrix.sqrtComplex()
Computes the element-wise square root of a tensor.Computes the element-wise difference between two tensors of the same shape.CMatrix.sub
(CooCMatrix b) Computes the element-wise difference between two tensors of the same shape.Computes the element-wise difference between two tensors of the same shape.Matrix.sub
(Complex128 b) Subtracts a complex-valued scalar from each entry of this matrix.Computes the difference of this matrix with a complex dense matrix.Matrix.sub
(CooCMatrix b) Computes the difference of this matrix with a real sparse COO matrix.Matrix.sub
(CsrCMatrix b) Computes the difference of this matrix with a real sparse CSR matrix.Matrix.toComplex()
Converts this matrix to an equivalent complex matrix.CTensor.toMatrix()
Converts this tensor to an equivalent matrix.Modifier and TypeMethodDescriptionSums this matrix with a complex dense matrix.Computes the element-wise division between two tensors.Computes the element-wise product of two matrices.Computes the matrix multiplication between this matrix and a complex dense matrix.Computes the difference of this matrix with a complex dense matrix. -
Uses of CMatrix in org.flag4j.arrays.sparse
Modifier and TypeClassDescriptionclass
A complex sparse matrix stored in coordinate list (COO) format.class
A complex sparse vector stored in coordinate list (COO) format.class
A complex sparse matrix stored in compressed sparse row (CSR) format.Modifier and TypeMethodDescriptionLeft multiplies this permutation matrix to the specified matrix.CooCVector.makeLikeDenseMatrix
(Shape shape, Complex128... entries) Constructs a dense matrix of a similar type as this vector with the specified shape and data.CooCMatrix.makeLikeDenseTensor
(Shape shape, Complex128[] entries) Constructs a dense tensor with the specifiedshape
anddata
which is a similar type to this sparse tensor.CsrCMatrix.makeLikeDenseTensor
(Shape shape, Complex128[] entries) Constructs a dense matrix which is of a similar type to this sparse CSR matrix.CooMatrix.mult
(CooCMatrix b) Computes the matrix multiplication between two matrices.Computes the matrix multiplication between two matrices.Computes the matrix multiplication between two matrices.Computes the matrix multiplication between two matrices.Computes the matrix multiplication between two matrices.CsrMatrix.mult
(CsrCMatrix b) Computes the matrix multiplication between two matrices.Right multiplies this permutation matrix to the specified matrix.Modifier and TypeMethodDescriptionComputes the element-wise multiplication between two matrices of the same shape.Computes the element-wise product between two matrices.Left multiplies this permutation matrix to the specified matrix.Computes the matrix multiplication between two matrices.Computes the matrix multiplication between two matrices.Right multiplies this permutation matrix to the specified matrix. -
Uses of CMatrix in org.flag4j.linalg
Modifier and TypeMethodDescriptionstatic CMatrix
Computes the direct sum of two matrices.static CMatrix
Computes the direct sum of two matrices.static CMatrix
DirectSum.directSum
(CMatrix A, CooCMatrix B) Computes the direct sum of two matrices.static CMatrix
Computes the direct sum of two matrices.static CMatrix
Computes the direct sum of two matrices.static CMatrix
DirectSum.directSum
(Matrix A, CooCMatrix B) Computes the direct sum of two matrices.static CMatrix
Computes the extended reduced row echelon form of a matrix.static CMatrix
SubSpace.getColSpace
(CMatrix src) Computes an orthonormal basis of the column space of a specified matrix.static CMatrix[]
Eigen.getEigenPairs
(CMatrix src) Computes the eigenvalues and eigenvectors of a square real matrix.static CMatrix[]
Eigen.getEigenPairs
(CMatrix src, long seed) Computes the eigenvalues and eigenvectors of a square complex matrix.static CMatrix[]
Eigen.getEigenPairs
(Matrix src) Computes the eigenvalues and eigenvectors of a square complex matrix.static CMatrix[]
Eigen.getEigenPairs
(Matrix src, long seed) Computes the eigenvalues and eigenvectors of a square real matrix.static CMatrix
Eigen.getEigenVectors
(CMatrix src) Computes the eigenvectors of a square real dense matrix.static CMatrix
Eigen.getEigenVectors
(CMatrix src, long seed) Computes the eigenvectors of a square real dense matrix.static CMatrix
Eigen.getEigenVectors
(CMatrix src, long seed, int maxIterationFactor) Computes the eigenvectors of a square real dense matrix.static CMatrix
Eigen.getEigenVectors
(Matrix src) Computes the eigenvectors of a square real dense matrix.static CMatrix
Eigen.getEigenVectors
(Matrix src, long seed) Computes the eigenvectors of a square real dense matrix.static CMatrix
Eigen.getEigenVectors
(Matrix src, long seed, int maxIterationFactor) Computes the eigenvectors of a square real dense matrix.static CMatrix
Eigen.getEigenVectorsTriu
(CMatrix T) Computes the eigenvectors of an upper triangular matrix.static CMatrix
SubSpace.getLeftNullSpace
(CMatrix src) Computes an orthonormal basis of the left null space of a specified matrix.static CMatrix
SubSpace.getNullSpace
(CMatrix src) Computes an orthonormal basis of the null space of a specified matrix.static CMatrix
SubSpace.getRowSpace
(CMatrix src) Computes an orthonormal basis of the row space of a specified matrix.static CMatrix
Computes the inverse of this matrix.static CMatrix
Inverts a diagonal matrix.static CMatrix
DirectSum.invDirectSum
(CMatrix A, CMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrix
DirectSum.invDirectSum
(CMatrix A, Matrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrix
DirectSum.invDirectSum
(CMatrix A, CooCMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrix
DirectSum.invDirectSum
(CMatrix A, CooMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrix
DirectSum.invDirectSum
(Matrix A, CMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrix
DirectSum.invDirectSum
(Matrix A, CooCMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrix
Invert.invHermPosDef
(CMatrix src) Inverts a Hermitian positive definite matrix.static CMatrix
Invert.invHermPosDef
(CMatrix src, boolean checkPosDef) Inverts a Hermitian positive definite matrix.static CMatrix
Inverts a lower triangular matrix.static CMatrix
Inverts an upper triangular matrix.static CMatrix
Computes the pseudo-inverse of this matrix.static CMatrix
Computes a row echelon form of a Matrix.static CMatrix
Computes the reduced row echelon form of a matrix.Modifier and TypeMethodDescriptionstatic double
Computes the condition number of a matrix.static double
Condition.condEntryWise
(CMatrix src, double p) Computes the condition number of a matrix using anentry-wise norm
.static double
Computes the condition number of a matrix using the Frobenius norm.static double
Condition.condSchatten
(CMatrix src, double p) Computes the condition number of a matrix using theSchatten norm
.static CMatrix
Computes the direct sum of two matrices.static CMatrix
Computes the direct sum of two matrices.static CMatrix
DirectSum.directSum
(CMatrix A, CooCMatrix B) Computes the direct sum of two matrices.static CMatrix
Computes the direct sum of two matrices.static CMatrix
Computes the direct sum of two matrices.static CooCMatrix
DirectSum.directSum
(CooCMatrix A, CMatrix B) Computes the direct sum of two matrices.static CooCMatrix
Computes the direct sum of two matrices.static double
MatrixNorms.entryWiseNorm
(CMatrix src, double p) Computes the entry-wise p-norm of a complex dense matrix.static CMatrix
Computes the extended reduced row echelon form of a matrix.static CVector
Eigen.get2x2EigenValues
(CMatrix src) Computes the eigenvalues of a 2x2 matrix explicitly.static CMatrix
SubSpace.getColSpace
(CMatrix src) Computes an orthonormal basis of the column space of a specified matrix.static CMatrix[]
Eigen.getEigenPairs
(CMatrix src) Computes the eigenvalues and eigenvectors of a square real matrix.static CMatrix[]
Eigen.getEigenPairs
(CMatrix src, long seed) Computes the eigenvalues and eigenvectors of a square complex matrix.static CVector
Eigen.getEigenValues
(CMatrix src) Computes the eigenvalues of a square complex dense matrix.static CVector
Eigen.getEigenValues
(CMatrix src, long seed) Computes the eigenvalues of a square complex dense matrix.static CVector
Eigen.getEigenValues
(CMatrix src, long seed, int maxIterationFactor) Computes the eigenvalues of a square complex dense matrix.static CMatrix
Eigen.getEigenVectors
(CMatrix src) Computes the eigenvectors of a square real dense matrix.static CMatrix
Eigen.getEigenVectors
(CMatrix src, long seed) Computes the eigenvectors of a square real dense matrix.static CMatrix
Eigen.getEigenVectors
(CMatrix src, long seed, int maxIterationFactor) Computes the eigenvectors of a square real dense matrix.static CMatrix
Eigen.getEigenVectorsTriu
(CMatrix T) Computes the eigenvectors of an upper triangular matrix.static CMatrix
SubSpace.getLeftNullSpace
(CMatrix src) Computes an orthonormal basis of the left null space of a specified matrix.static CMatrix
SubSpace.getNullSpace
(CMatrix src) Computes an orthonormal basis of the null space of a specified matrix.static CMatrix
SubSpace.getRowSpace
(CMatrix src) Computes an orthonormal basis of the row space of a specified matrix.static boolean
SubSpace.hasEqualSpan
(CMatrix src1, CMatrix src2) Checks if two sets of vectors, stored as the columns of matrices, span the same space.static double
MatrixNorms.inducedNorm
(CMatrix src, double p) Computes the matrix operator norm of a complex dense matrix "induced" by the vector p-norm.static CMatrix
Computes the inverse of this matrix.static CMatrix
Inverts a diagonal matrix.static CMatrix
DirectSum.invDirectSum
(CMatrix A, CMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrix
DirectSum.invDirectSum
(CMatrix A, Matrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrix
DirectSum.invDirectSum
(CMatrix A, CooCMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrix
DirectSum.invDirectSum
(CMatrix A, CooMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrix
DirectSum.invDirectSum
(Matrix A, CMatrix B) Computes direct sum from bottom left to top right of two matrices.static CooCMatrix
DirectSum.invDirectSum
(CooCMatrix A, CMatrix B) Computes direct sum from bottom left to top right of two matrices.static CooCMatrix
DirectSum.invDirectSum
(CooMatrix A, CMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrix
Invert.invHermPosDef
(CMatrix src) Inverts a Hermitian positive definite matrix.static CMatrix
Invert.invHermPosDef
(CMatrix src, boolean checkPosDef) Inverts a Hermitian positive definite matrix.static CMatrix
Inverts a lower triangular matrix.static CMatrix
Inverts an upper triangular matrix.static boolean
PositiveDefiniteness.isHermPosDef
(CMatrix src) Checks if the matrix is symmetric positive definite.static boolean
Checks if matrices are inverses of each other.static boolean
Checks if the matrix is positive definite.static boolean
PositiveDefiniteness.isPosSemiDef
(CMatrix src) Checks if the matrix is positive semi-definite.static CMatrix
Computes the pseudo-inverse of this matrix.static CMatrix
Computes a row echelon form of a Matrix.static CMatrix
Computes the reduced row echelon form of a matrix.static double
MatrixNorms.schattenNorm
(CMatrix src, double p) Computes the Schatten p-norm of a complex dense matrix. -
Uses of CMatrix in org.flag4j.linalg.decompositions.balance
Modifier and TypeClassDescriptionclass
Instances of this class may be used to balance complex dense matrices. -
Uses of CMatrix in org.flag4j.linalg.decompositions.chol
Modifier and TypeClassDescriptionclass
An instance of this class allows for the computation of a Cholesky decomposition of a complex Hermitian positive-definite matrix.Modifier and TypeMethodDescriptionDecompose a matrix into A=LLH where L is a lower triangular matrix and LH is the conjugate transpose of L. -
Uses of CMatrix in org.flag4j.linalg.decompositions.hess
Modifier and TypeMethodDescriptionComplexHess.getH()
Gets the upper Hessenburg matrixH
from the Hessenburg decomposition.HermHess.getH()
Gets the Hessenberg matrix from the decomposition.ComplexHess.getUpper()
Gets the upper Hessenburg matrix from the last decomposition.protected CMatrix
ComplexHess.initQ()
Creates and initializes Q to the appropriately sized identity matrix.Modifier and TypeMethodDescriptionComputes theQR
decomposition of a real dense matrix.Applies decomposition to the source matrix.protected void
Performs basic setup for the decomposition. -
Uses of CMatrix in org.flag4j.linalg.decompositions.lu
Modifier and TypeClassDescriptionclass
Complex128his class provides methods for computing the LU decomposition of a complex dense matrix. -
Uses of CMatrix in org.flag4j.linalg.decompositions.qr
Modifier and TypeMethodDescriptionComplexQR.getR()
Gets the upper triangular matrixR
from theQR
decomposition.ComplexQR.getUpper()
Gets the upper triangular matrixR
from the last decomposition.protected CMatrix
ComplexQR.initQ()
Creates and initializes Q to the appropriately sized identity matrix. -
Uses of CMatrix in org.flag4j.linalg.decompositions.schur
Modifier and TypeClassDescriptionclass
This class computes the Schur decomposition of a complex dense square matrix.Modifier and TypeMethodDescriptionCMatrix[]
ComplexSchur.real2ComplexSchur()
CMatrix[]
RealSchur.real2ComplexSchur()
Converts the real schur form computed in the last decomposition to the complex Schur form.Modifier and TypeMethodDescriptionComputes the Schur decomposition of the input matrix. -
Uses of CMatrix in org.flag4j.linalg.decompositions.svd
Modifier and TypeClassDescriptionclass
Instances of this class can be used to compute the singular value decomposition (SVD) of acomplex dense matrix
.Modifier and TypeMethodDescriptionprotected CMatrix
ComplexSVD.invDirectSum
(CMatrix src) Computes the inverse direct sum of a matrix and its Hermitian transpose.protected CMatrix
ComplexSVD.makeEigenPairs
(CMatrix B, double[] eigVals) Gets the eigen values and vectors of symmetric the block matrix which corresponds to the singular values and vectors of the matrix being decomposed.Modifier and TypeMethodDescriptionprotected void
ComplexSVD.extractNormalizedCols
(CMatrix singularVecs, int j) Extracts the singular vectors, normalizes them and sets the columns of U and V to be the left/right singular vectors.protected CMatrix
ComplexSVD.invDirectSum
(CMatrix src) Computes the inverse direct sum of a matrix and its Hermitian transpose.protected CMatrix
ComplexSVD.makeEigenPairs
(CMatrix B, double[] eigVals) Gets the eigen values and vectors of symmetric the block matrix which corresponds to the singular values and vectors of the matrix being decomposed.protected void
ComplexSVD.makeEigenVals
(CMatrix B, double[] eigVals) Gets the eigen values of the symmetric block matrix which corresponds to the singular values of the matrix being decomposed. -
Uses of CMatrix in org.flag4j.linalg.decompositions.unitary
Modifier and TypeClassDescriptionclass
This class is the base class for complex matrix decompositions which proceed by using unitary transformations (specifically Householder reflectors) to bring a matrix into an upper triangular/Hessenburg matrix. -
Uses of CMatrix in org.flag4j.linalg.ops
Modifier and TypeMethodDescriptionstatic Complex128[]
Dispatches a matrix multiplication problem to the appropriate algorithm based on the size.static CVector
Dynamically chooses the appropriate matrix-vector multiplication algorithm based on the shapes of the matrix and vector.static Complex128[]
Dispatches a matrix multiplication problem to the appropriate algorithm based on the size.static Complex128[]
MatrixMultiplyDispatcher.dispatchTranspose
(CMatrix A, CMatrix B) Dispatches a matrix multiplication-transpose problem to the appropriate algorithm based on the size.static Complex128[]
MatrixMultiplyDispatcher.dispatchTranspose
(CMatrix A, Matrix B) Dispatches a matrix multiplication-transpose problem to the appropriate algorithm based on the size.static Complex128[]
MatrixMultiplyDispatcher.dispatchTranspose
(Matrix A, CMatrix B) Dispatches a matrix multiplication-transpose problem to the appropriate algorithm based on the size. -
Uses of CMatrix in org.flag4j.linalg.ops.dense_sparse.coo.real_complex
Modifier and TypeMethodDescriptionstatic CMatrix
RealComplexDenseCooMatOps.add
(Matrix src1, CooCMatrix src2) Adds a real dense matrix to a complex sparse matrix.static CMatrix
RealComplexDenseCooMatOps.sub
(Matrix src1, CooCMatrix src2) Subtracts a real sparse matrix from a real dense matrix.static CMatrix
RealComplexDenseCooMatOps.sub
(CooCMatrix src2, Matrix src1) Subtracts a real sparse matrix from a real dense matrix.Modifier and TypeMethodDescriptionstatic CooCMatrix
Computes the element-wise division between a real sparse matrix and a complex dense matrix.static CooCMatrix
Computes the element-wise multiplication between a complex dense matrix and a real sparse matrix.static boolean
RealComplexDenseSparseEquals.matrixEquals
(CMatrix A, CooMatrix B) Checks if a dense complex matrix is equal to a real sparse matrix. -
Uses of CMatrix in org.flag4j.linalg.ops.dense_sparse.csr.real_complex
Modifier and TypeMethodDescriptionstatic CMatrix
RealComplexCsrDenseOps.add
(CsrCMatrix a, Matrix b) Computes the element-wise sum of two matrices.static CMatrix
RealComplexCsrDenseOps.applyBinOpp
(Matrix src1, CsrCMatrix src2, BiFunction<Double, Complex128, Complex128> opp) Applies the specified binary operator element-wise to the two matrices.static CMatrix
RealComplexCsrDenseOps.applyBinOpp
(CsrCMatrix src1, Matrix src2, BiFunction<Complex128, Double, Complex128> opp, UnaryOperator<Double> uOpp) Applies the specified binary operator element-wise to the two matrices.static CMatrix
RealComplexCsrDenseOps.applyBinOpp
(CsrMatrix src1, Complex128 b, BiFunction<Double, Complex128, Complex128> opp, UnaryOperator<Complex128> uOpp) Applies the specified binary operator element-wise to a matrix and a scalar.static CMatrix
RealComplexCsrDenseOps.sub
(Matrix a, CsrCMatrix b) Computes the element-wise difference of two matrices.static CMatrix
RealComplexCsrDenseOps.sub
(CsrCMatrix a, Matrix b) Computes the element-wise difference of two matrices. -
Uses of CMatrix in org.flag4j.linalg.ops.dense.complex
Modifier and TypeMethodDescriptionstatic Complex128
Computes the determinant of a square matrix using the LU factorization.static Complex128
Computes the determinant of a square matrix using the LU factorization. -
Uses of CMatrix in org.flag4j.linalg.ops.sparse.coo.real_complex
Modifier and TypeMethodDescriptionstatic CMatrix
RealComplexSparseMatOps.add
(CooCMatrix src, double a) Adds a double all data (including zero values) of a complex sparse matrix.static CMatrix
RealComplexSparseMatOps.add
(CooMatrix src, Complex128 a) Adds a complex number to all data (including zero values) of a real sparse matrix.static CMatrix
RealComplexSparseMatOps.addToEachCol
(CooCMatrix src, CooVector col) Adds a sparse vector to each column of a sparse matrix as if the vector is a column vector.static CMatrix
RealComplexSparseMatOps.addToEachCol
(CooMatrix src, CooCVector col) Adds a sparse vector to each column of a sparse matrix as if the vector is a column vector.static CMatrix
RealComplexSparseMatOps.addToEachRow
(CooCMatrix src, CooVector row) Adds a sparse vector to each row of a sparse matrix as if the vector is a row vector.static CMatrix
RealComplexSparseMatOps.addToEachRow
(CooMatrix src, CooCVector row) Adds a sparse vector to each row of a sparse matrix as if the vector is a row vector.static CMatrix
RealComplexSparseVectorOps.outerProduct
(CooCVector src1, CooVector src2) Computes the vector outer product between a complex sparse vector and a real sparse vector.static CMatrix
RealComplexSparseVectorOps.outerProduct
(CooVector src1, CooCVector src2) Computes the vector outer product between a complex sparse vector and a real sparse vector.static CMatrix
RealComplexSparseMatOps.sub
(CooCMatrix src, double a) Adds a double all data (including zero values) of a complex sparse matrix.static CMatrix
RealComplexSparseMatOps.sub
(CooMatrix src, Complex128 a) Adds a complex number to all data (including zero values) of a real sparse matrix. -
Uses of CMatrix in org.flag4j.linalg.ops.sparse.csr.real_complex
Modifier and TypeMethodDescriptionstatic CMatrix
RealComplexCsrOps.addToEachCol
(CsrCMatrix src1, Vector src2) Adds a vector to each column of a matrix.static CMatrix
RealComplexCsrOps.addToEachCol
(CsrCMatrix src1, CooVector src2) Adds a vector to each column of a matrix.static CMatrix
RealComplexCsrOps.addToEachRow
(CsrCMatrix src1, Vector src2) Adds a vector to each row of a matrix.static CMatrix
RealComplexCsrOps.addToEachRow
(CsrCMatrix src1, CooVector src2) Adds a vector to each row of a matrix.static CMatrix
RealComplexCsrMatMult.standard
(CsrCMatrix src1, CsrMatrix src2) Computes the matrix multiplication between two sparse CSR matrices.static CMatrix
RealComplexCsrMatMult.standard
(CsrMatrix src1, CsrCMatrix src2) Computes the matrix multiplication between two sparse CSR matrices. -
Uses of CMatrix in org.flag4j.linalg.solvers.exact
Modifier and TypeClassDescriptionclass
Solver for solving a well determined system of linear equations in an exact sense using theLU decomposition.
class
Solver for solving a complex well determined linear tensor equation A*X=B in an exact sense.Modifier and TypeMethodDescriptionprotected CMatrix
ComplexExactTensorSolver.initMatrix
(CTensor A, int prod) Initializes matrix for equivalent linear matrix equation.protected CMatrix
ComplexExactSolver.permuteRows
(CMatrix B) Permute the rows of a matrix using the row permutation matrix from the LU decomposition.Modifier and TypeMethodDescriptionprotected CMatrix
ComplexExactSolver.permuteRows
(CMatrix B) Permute the rows of a matrix using the row permutation matrix from the LU decomposition. -
Uses of CMatrix in org.flag4j.linalg.solvers.exact.triangular
Modifier and TypeClassDescriptionclass
This solver solves linear systems of equations where the coefficient matrix in an upper triangular complex dense matrix and the constant vector is a complex dense vector.class
This solver solves linear systems of equations where the coefficient matrix in a lower triangular complex dense matrix and the constant vector/matrix is complex and dense.Modifier and TypeMethodDescriptionSolves the linear system of equations given by U*X=B where the coefficient matrix U is an upper triangular matrix.Performs forward substitution for a unit lower triangular matrix L and a matrix B.ComplexBackSolver.solveIdentity
(CMatrix U) Solves the linear system of equations given by U*X=I where the coefficient matrix U is anupper triangular
matrix and I is theidentity
matrix of appropriate size.ComplexForwardSolver.solveIdentity
(CMatrix L) Performs forward substitution for a unit lower triangular matrix L and the identity matrix.ComplexBackSolver.solveLower
(CMatrix U, CMatrix L) Solves a special case of the linear system U*X=L for X where the coefficient matrix U is anupper triangular
matrix and the constant matrix L islower triangular
.Modifier and TypeMethodDescriptionSolves the linear system of equations given by U*X=B where the coefficient matrix U is an upper triangular matrix.Solves the linear system of equations given by U*x=b where the coefficient matrix U is an upper triangular matrix.Performs forward substitution for a unit lower triangular matrix L and a matrix B.Performs forward substitution for a unit lower triangular matrix L and a vector b.ComplexBackSolver.solveIdentity
(CMatrix U) Solves the linear system of equations given by U*X=I where the coefficient matrix U is anupper triangular
matrix and I is theidentity
matrix of appropriate size.ComplexForwardSolver.solveIdentity
(CMatrix L) Performs forward substitution for a unit lower triangular matrix L and the identity matrix.ComplexBackSolver.solveLower
(CMatrix U, CMatrix L) Solves a special case of the linear system U*X=L for X where the coefficient matrix U is anupper triangular
matrix and the constant matrix L islower triangular
. -
Uses of CMatrix in org.flag4j.linalg.solvers.lstsq
Modifier and TypeClassDescriptionclass
This class solves a linear system of equations Ax=b in a least-squares sense. -
Uses of CMatrix in org.flag4j.linalg.transformations
Modifier and TypeMethodDescriptionstatic CMatrix
Givens.get2x2Rotator
(Complex128 v0, Complex128 v1) Constructs a Givens rotator G of size 2 such that for a vector v = [a, b] we have Gv = [r, 0].static CMatrix
Givens.get2x2Rotator
(CVector v) Constructs a Givens rotator G of size 2 such that for a vector v = [a, b] we have Gv = [r, 0].static CMatrix
Householder.getReflector
(CVector normal) Computes the Householder reflector which describes a reflection through a hyperplane containing the origin which is normal to the specifiednormal
vector.static CMatrix
Givens.getRotator
(CVector v, int i) Constructs a Givens rotator G such that for a vector v, Gv = [r1 ... ri ... rn] where ri=0.Modifier and TypeMethodDescriptionstatic void
Householder.hermLeftRightMultReflector
(CMatrix src, Complex128[] householderVector, Complex128 alpha, int startCol, Complex128[] workArray) Applies a Householder matrixH=I-
invalid input: '&alpha'vv
H, represented by the vectorv
to a Hermitian matrixA
on both the left and right side.static void
Givens.leftMult2x2Rotator
(CMatrix src, CMatrix G, int row, Complex128[] workArray) Left multiplies a 2x2 Givens rotator to a matrix at the specified row.static void
Householder.leftMultReflector
(CMatrix src, Complex128[] householderVector, Complex128 alpha, int startCol, int startRow, int endRow, Complex128[] workArray) Left multiplies a Householder matrixH=I-
invalid input: '&alpha'vv
H, represented by the vectorv
, to another matrixA
.static void
Householder.leftMultReflector
(CMatrix src, CVector householderVector, Complex128 alpha, int startCol, int startRow, int endRow) Left multiplies a Householder matrixH=I-
invalid input: '&alpha'vv
H, represented by the vectorv
, to another matrixA
.static void
Givens.rightMult2x2Rotator
(CMatrix src, CMatrix G, int row, Complex128[] workArray) Right multiplies a 2x2 Givens rotator to a matrix at the specified row.static void
Householder.rightMultReflector
(CMatrix src, Complex128[] householderVector, Complex128 alpha, int startCol, int startRow, int endRow) Right multiplies a Householder matrixH=I-
invalid input: '&alpha'vv
H, represented by the vectorv
, to another matrixA
.static void
Householder.rightMultReflector
(CMatrix src, CVector householderVector, Complex128 alpha, int startCol, int startRow, int endRow) Right multiplies a Householder matrixH=I-
invalid input: '&alpha'vv
H, represented by the vectorv
, to another matrixA
. -
Uses of CMatrix in org.flag4j.rng
Modifier and TypeMethodDescriptionRandomDenseTensor.randnCMatrix
(Shape shape) Generates a matrix filled with pseudorandom values sampled from a bivariate standard Gaussian (normal) distribution with mean zero and standard deviation one along both the real and imaginary axes.RandomDenseTensor.randnCMatrix
(Shape shape, double mean, double std) Generates a matrix filled with pseudorandom values sampled from a bivariate Gaussian (normal) distribution with specified mean and standard deviation along both the real and imaginary axes.RandomDenseTensor.randnCMatrix
(Shape shape, double meanRe, double stdRe, double meanIm, double stdIm, double corrCoeff) Generates a matrix filled with pseudorandom values sampled from a bivariate Gaussian (normal) distribution.RandomDenseTensor.randomCMatrix
(Shape shape) Generates a matrix filled with pseudorandom complex values uniformly distributed in the unit disk centered at the origin of the complex plane.RandomDenseTensor.randomCMatrix
(Shape shape, double min, double max) Generates a matrix filled with pseudorandom complex values uniformly distributed in an annulus (i.e. washer) centered at the origin of the complex plane.RandomDenseTensor.randomHermPosDefMatrix
(int size) Generates a pseudorandom symmetric positive definite matrix.RandomDenseTensor.randomUnitaryMatrix
(int size) Gets a pseudorandom unitary matrix.