Uses of Class
org.flag4j.arrays.dense.CMatrix
Packages that use CMatrix
Package
Description
Provides implementations for dense tensors, matrices, and vectors.
Contains implementations for sparse tensors, matrices, and vectors.
General purpose linear algebra operations including condition number evaluations, eigenvalue/eigenvector computations, matrix
inversion, and subspace analysis.
Provides implementations of matrix balancing for real and complex matrices.
Provides implementations of the Cholesky decomposition for real and complex matrices.
Provides implementations of the Hessenberg decomposition for real and complex matrices.
Provides implementations of the LU decomposition for real, complex, and field matrices.
Provides implementations of the QR decomposition for real and complex matrices.
Provides implementations of the Schur decomposition for real and complex matrices.
Provides implementations of the singular value decomposition for real and complex matrices.
Provides abstract classes useful for implementing real or complex matrix decompositions which proceed by unitary transformations.
General linear algebra operations.
Implementations of operations on complex dense array objects.
Implementations of operations between real and complex sparse COO (coordinate) array objects.
Contains solvers which solve well determined linear tensor and matrix equations in an exact sense.
Contains solvers which solve well determined triangular linear matrix equations in an exact sense.
Solvers for under-, well-, or over-determined linear systems in a least-squares sense.
Utility classes for computing and applying matrix and vector transformations.
Pseudo-random generation of real/complex numbers, and arrays, vectors, matrices, and tensors.
-
Uses of CMatrix in org.flag4j.arrays.backend.smart_visitors
Methods in org.flag4j.arrays.backend.smart_visitors with parameters of type CMatrixModifier and TypeMethodDescriptionMatrixMixin<?, ?, ?, ?> MatrixMixin<?, ?, ?, ?> MatrixMixin<?, ?, ?, ?> MatrixMixin<?, ?, ?, ?> abstract TMatrixMixin<?, ?, ?, ?> -
Uses of CMatrix in org.flag4j.arrays.dense
Subclasses with type arguments of type CMatrix in org.flag4j.arrays.denseModifier and TypeClassDescriptionclassInstances of this class represents a complex dense matrix backed by aComplex128array.classMethods in org.flag4j.arrays.dense that return CMatrixModifier 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.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.Matrix.add(Complex128 b) Adds a complex-valued scalar to each entry of this matrix.static CMatrixConstructs a diagonal matrix from a vector specifying the diagonal elements of the matrix.static CMatrixCMatrix.diag(Complex128... data) Constructs a diagonal matrix from an array specifying the diagonal elements of the matrix.Computes the element-wise quotient between two tensors.Computes the element-wise division between two tensors.Matrix.div(Complex128 b) Computes the scalar division of this matrix with a complex number.Computes the element-wise multiplication of two tensors of the same shape.Computes the element-wise product of two matrices.static CMatrixCMatrix.getEmpty(int rows, int cols) Constructs an empty matrix with the specified number of rows and columns.static CMatrixCMatrix.I(int size) Constructs an identity matrix of the specified size.static CMatrixCMatrix.I(int numRows, int numCols) Constructs an identity-like matrix of the specified shape.static CMatrixConstructs 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 specifiedshapeanddata.CMatrix.makeLikeTensor(Shape shape, Complex128[] entries) Constructs a tensor of the same type as this tensor with the given theshapeanddata.Computes the matrix multiplication between two matrices.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.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.Matrix.mult(Complex128 b) Computes the scalar multiplication of this matrix with a complex number.CMatrix.pow(int n) Computes the matrix multiplication of this matrix with itselfntimes.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 withintolof 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.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.sub(Complex128 b) Subtracts a complex-valued scalar from each entry of this matrix.Matrix.toComplex()Converts this matrix to an equivalent complex matrix.CTensor.toMatrix()Converts this tensor to an equivalent matrix.Methods in org.flag4j.arrays.dense with parameters of type CMatrixModifier 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 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.Constructors in org.flag4j.arrays.dense with parameters of type CMatrix -
Uses of CMatrix in org.flag4j.arrays.sparse
Subclasses with type arguments of type CMatrix in org.flag4j.arrays.sparseModifier and TypeClassDescriptionclassA complex sparse matrix stored in coordinate list (COO) format.classA complex sparse vector stored in coordinate list (COO) format.classInstances of this class represent a complex sparse matrix using the compressed sparse row (CSR) format.Methods in org.flag4j.arrays.sparse that return CMatrixModifier 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 specifiedshapeanddatawhich 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.Methods in org.flag4j.arrays.sparse with parameters of type CMatrixModifier 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
Methods in org.flag4j.linalg that return CMatrixModifier and TypeMethodDescriptionstatic CMatrixComputes the direct sum of two matrices.static CMatrixComputes the direct sum of two matrices.static CMatrixDirectSum.directSum(CMatrix A, CooCMatrix B) Computes the direct sum of two matrices.static CMatrixComputes the direct sum of two matrices.static CMatrixComputes the direct sum of two matrices.static CMatrixDirectSum.directSum(Matrix A, CooCMatrix B) Computes the direct sum of two matrices.static CMatrixComputes the extended reduced row echelon form of a matrix.static CMatrixSubSpace.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 CMatrixEigen.getEigenVectors(CMatrix src) Computes the eigenvectors of a square real dense matrix.static CMatrixEigen.getEigenVectors(CMatrix src, long seed) Computes the eigenvectors of a square real dense matrix.static CMatrixEigen.getEigenVectors(CMatrix src, long seed, int maxIterationFactor) Computes the eigenvectors of a square real dense matrix.static CMatrixEigen.getEigenVectors(Matrix src) Computes the eigenvectors of a square real dense matrix.static CMatrixEigen.getEigenVectors(Matrix src, long seed) Computes the eigenvectors of a square real dense matrix.static CMatrixEigen.getEigenVectors(Matrix src, long seed, int maxIterationFactor) Computes the eigenvectors of a square real dense matrix.static CMatrixEigen.getEigenVectorsTriu(CMatrix T) Computes the eigenvectors of an upper triangular matrix.static CMatrixSubSpace.getLeftNullSpace(CMatrix src) Computes an orthonormal basis of the left null space of a specified matrix.static CMatrixSubSpace.getNullSpace(CMatrix src) Computes an orthonormal basis of the null space of a specified matrix.static CMatrixSubSpace.getRowSpace(CMatrix src) Computes an orthonormal basis of the row space of a specified matrix.static CMatrixComputes the inverse of this matrix.static CMatrixInverts a diagonal matrix.static CMatrixDirectSum.invDirectSum(CMatrix A, CMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrixDirectSum.invDirectSum(CMatrix A, Matrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrixDirectSum.invDirectSum(CMatrix A, CooCMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrixDirectSum.invDirectSum(CMatrix A, CooMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrixDirectSum.invDirectSum(Matrix A, CMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrixDirectSum.invDirectSum(Matrix A, CooCMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrixInvert.invHermPosDef(CMatrix src) Inverts a Hermitian positive-definite matrix.static CMatrixInvert.invHermPosDef(CMatrix src, boolean checkPosDef) Inverts a Hermitian positive-definite matrix.static CMatrixInverts a lower triangular matrix.static CMatrixInverts an upper triangular matrix.static CMatrixComputes the pseudo-inverse of this matrix.static CMatrixComputes a row echelon form of a Matrix.static CMatrixComputes the reduced row echelon form of a matrix.Methods in org.flag4j.linalg with parameters of type CMatrixModifier and TypeMethodDescriptionstatic doubleComputes the condition number of a matrix.static doubleCondition.condEntryWise(CMatrix src, double p) Computes the condition number of a matrix using anentry-wise norm.static doubleComputes the condition number of a matrix using the Frobenius norm.static doubleCondition.condSchatten(CMatrix src, double p) Computes the condition number of a matrix using theSchatten norm.static CMatrixComputes the direct sum of two matrices.static CMatrixComputes the direct sum of two matrices.static CMatrixDirectSum.directSum(CMatrix A, CooCMatrix B) Computes the direct sum of two matrices.static CMatrixComputes the direct sum of two matrices.static CMatrixComputes the direct sum of two matrices.static CooCMatrixDirectSum.directSum(CooCMatrix A, CMatrix B) Computes the direct sum of two matrices.static CooCMatrixComputes the direct sum of two matrices.static doubleMatrixNorms.entryWiseNorm(CMatrix src, double p) Computes the entry-wise p-norm of a complex dense matrix.static CMatrixComputes the extended reduced row echelon form of a matrix.static CVectorEigen.get2x2EigenValues(CMatrix src) Computes the eigenvalues of a 2×2 matrix explicitly.static CMatrixSubSpace.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 CVectorEigen.getEigenValues(CMatrix src) Computes the eigenvalues of a square complex dense matrix.static CVectorEigen.getEigenValues(CMatrix src, long seed) Computes the eigenvalues of a square complex dense matrix.static CVectorEigen.getEigenValues(CMatrix src, long seed, int maxIterationFactor) Computes the eigenvalues of a square complex dense matrix.static CMatrixEigen.getEigenVectors(CMatrix src) Computes the eigenvectors of a square real dense matrix.static CMatrixEigen.getEigenVectors(CMatrix src, long seed) Computes the eigenvectors of a square real dense matrix.static CMatrixEigen.getEigenVectors(CMatrix src, long seed, int maxIterationFactor) Computes the eigenvectors of a square real dense matrix.static CMatrixEigen.getEigenVectorsTriu(CMatrix T) Computes the eigenvectors of an upper triangular matrix.static CMatrixSubSpace.getLeftNullSpace(CMatrix src) Computes an orthonormal basis of the left null space of a specified matrix.static CMatrixSubSpace.getNullSpace(CMatrix src) Computes an orthonormal basis of the null space of a specified matrix.static CMatrixSubSpace.getRowSpace(CMatrix src) Computes an orthonormal basis of the row space of a specified matrix.static booleanSubSpace.hasEqualSpan(CMatrix src1, CMatrix src2) Checks if two sets of vectors, stored as the columns of matrices, span the same space.static doubleMatrixNorms.inducedNorm(CMatrix src, double p) Computes the matrix operator norm of a complex dense matrix "induced" by the vector p-norm.static CMatrixComputes the inverse of this matrix.static CMatrixInverts a diagonal matrix.static CMatrixDirectSum.invDirectSum(CMatrix A, CMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrixDirectSum.invDirectSum(CMatrix A, Matrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrixDirectSum.invDirectSum(CMatrix A, CooCMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrixDirectSum.invDirectSum(CMatrix A, CooMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrixDirectSum.invDirectSum(Matrix A, CMatrix B) Computes direct sum from bottom left to top right of two matrices.static CooCMatrixDirectSum.invDirectSum(CooCMatrix A, CMatrix B) Computes direct sum from bottom left to top right of two matrices.static CooCMatrixDirectSum.invDirectSum(CooMatrix A, CMatrix B) Computes direct sum from bottom left to top right of two matrices.static CMatrixInvert.invHermPosDef(CMatrix src) Inverts a Hermitian positive-definite matrix.static CMatrixInvert.invHermPosDef(CMatrix src, boolean checkPosDef) Inverts a Hermitian positive-definite matrix.static CMatrixInverts a lower triangular matrix.static CMatrixInverts an upper triangular matrix.static booleanPositiveDefiniteness.isHermPosDef(CMatrix src) Checks if the matrix is Hermitian positive-definite.static booleanChecks if matrices are inverses of each other.static booleanChecks if the matrix is positive-definite.static booleanPositiveDefiniteness.isPosSemiDef(CMatrix src) Checks if the matrix is positive semi-definite.static CMatrixComputes the pseudo-inverse of this matrix.static CMatrixComputes a row echelon form of a Matrix.static CMatrixComputes the reduced row echelon form of a matrix.static doubleMatrixNorms.schattenNorm(CMatrix src, double p) Computes the Schatten p-norm of a complex dense matrix. -
Uses of CMatrix in org.flag4j.linalg.decompositions.balance
Subclasses with type arguments of type CMatrix in org.flag4j.linalg.decompositions.balanceModifier and TypeClassDescriptionclassInstances of this class may be used to balance complex dense matrices.Methods in org.flag4j.linalg.decompositions.balance that return CMatrixModifier and TypeMethodDescriptionComplexBalancer.applyLeftTransform(CMatrix src) Efficiently left multiplies \( PD \) to the providedsrcmatrix.ComplexBalancer.applyRightTransform(CMatrix src) Efficiently right multiplies \( D^{-1}P^{-1} \) to the providedsrcmatrix.Methods in org.flag4j.linalg.decompositions.balance with parameters of type CMatrixModifier and TypeMethodDescriptionComplexBalancer.applyLeftTransform(CMatrix src) Efficiently left multiplies \( PD \) to the providedsrcmatrix.ComplexBalancer.applyRightTransform(CMatrix src) Efficiently right multiplies \( D^{-1}P^{-1} \) to the providedsrcmatrix. -
Uses of CMatrix in org.flag4j.linalg.decompositions.chol
Subclasses with type arguments of type CMatrix in org.flag4j.linalg.decompositions.cholModifier and TypeClassDescriptionclassAn abstract base class for Cholesky decomposition of Hermitian (or Hermitian) positive-definite matrices.Methods in org.flag4j.linalg.decompositions.chol with parameters of type CMatrixModifier and TypeMethodDescriptionDecompose a matrix into \( A = LL^{H \) where \( L \) is a lower triangular matrix and \( L^{H} \) is the conjugate transpose of \( L \). -
Uses of CMatrix in org.flag4j.linalg.decompositions.hess
Methods in org.flag4j.linalg.decompositions.hess that return CMatrixModifier and TypeMethodDescriptionComplexHess.getH()Gets the upper Hessenburg matrix \( H \) from the Hessenburg decomposition.HermHess.getH()Gets the Hessenberg matrix, \( H \), from the decomposition.ComplexHess.getUpper()Gets the upper Hessenburg matrix, \( H \), from the last decomposition.protected CMatrixComplexHess.initQ()Creates and initializes \( Q \) to the appropriately sized identity matrix.Methods in org.flag4j.linalg.decompositions.hess with parameters of type CMatrixModifier and TypeMethodDescriptionComputes the Hessenberg decomposition of the specified matrix.Applies decomposition to the source matrix.Applies decomposition to the source matrix.protected voidPerforms basic setup for the decomposition. -
Uses of CMatrix in org.flag4j.linalg.decompositions.lu
Subclasses with type arguments of type CMatrix in org.flag4j.linalg.decompositions.luModifier and TypeClassDescriptionclassInstances of this class can be used to compute the LU decomposition of a complex dense matrix.Methods in org.flag4j.linalg.decompositions.lu that return CMatrix -
Uses of CMatrix in org.flag4j.linalg.decompositions.qr
Methods in org.flag4j.linalg.decompositions.qr that return CMatrixModifier and TypeMethodDescriptionComplexQR.getR()Gets the upper triangular matrix, \( R \), from the QR decomposition.ComplexQR.getUpper()Gets the upper triangular matrix, \( R \), from the last decomposition.protected CMatrixComplexQR.initQ()Creates and initializes \( Q \) to the appropriately sized identity matrix.Methods in org.flag4j.linalg.decompositions.qr with parameters of type CMatrix -
Uses of CMatrix in org.flag4j.linalg.decompositions.schur
Subclasses with type arguments of type CMatrix in org.flag4j.linalg.decompositions.schurModifier and TypeClassDescriptionclassInstanced of this class can be used for computing the Schur decomposition of a real dense square matrix.Methods in org.flag4j.linalg.decompositions.schur that return CMatrixModifier and TypeMethodDescriptionCMatrix[]ComplexSchur.real2ComplexSchur()CMatrix[]RealSchur.real2ComplexSchur()Converts the real schur form computed in the last decomposition to the complex Schur form.Methods in org.flag4j.linalg.decompositions.schur with parameters of type CMatrixModifier and TypeMethodDescriptionprotected voidComplexSchur.checkFinite(CMatrix src) Ensures thatsrconly contains finite values.Computes the Schur decomposition of the input matrix. -
Uses of CMatrix in org.flag4j.linalg.decompositions.svd
Subclasses with type arguments of type CMatrix in org.flag4j.linalg.decompositions.svdModifier and TypeClassDescriptionclassInstances of this class can be used to compute the singular value decomposition (SVD) of acomplex dense matrix.Methods in org.flag4j.linalg.decompositions.svd that return CMatrixModifier and TypeMethodDescriptionprotected CMatrixComplexSVD.invDirectSum(CMatrix src) Computes the inverse direct sum of a matrix and its Hermitian transpose.protected CMatrixComplexSVD.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.Methods in org.flag4j.linalg.decompositions.svd with parameters of type CMatrixModifier and TypeMethodDescriptionprotected voidComplexSVD.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 CMatrixComplexSVD.invDirectSum(CMatrix src) Computes the inverse direct sum of a matrix and its Hermitian transpose.protected CMatrixComplexSVD.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 voidComplexSVD.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
Subclasses with type arguments of type CMatrix in org.flag4j.linalg.decompositions.unitaryModifier and TypeClassDescriptionclassThe 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.Methods in org.flag4j.linalg.decompositions.unitary that return CMatrixModifier and TypeMethodDescriptionComplexUnitaryDecomposition.getQ()Gets the unitaryQmatrix from the QR decomposition.protected CMatrixGets the upper triangular/Hessenburg matrix from the last decomposition.Methods in org.flag4j.linalg.decompositions.unitary with parameters of type CMatrix -
Uses of CMatrix in org.flag4j.linalg.ops
Methods in org.flag4j.linalg.ops with parameters of type CMatrixModifier and TypeMethodDescriptionstatic Complex128[]Dispatches a matrix multiplication problem to the appropriate algorithm based on the size.static CVectorDynamically 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. -
Uses of CMatrix in org.flag4j.linalg.ops.dense_sparse.coo.real_complex
Methods in org.flag4j.linalg.ops.dense_sparse.coo.real_complex that return CMatrixModifier and TypeMethodDescriptionstatic CMatrixRealComplexDenseCooMatOps.add(Matrix src1, CooCMatrix src2) Adds a real dense matrix to a complex sparse matrix.static CMatrixRealComplexDenseCooMatOps.sub(Matrix src1, CooCMatrix src2) Subtracts a real sparse matrix from a real dense matrix.static CMatrixRealComplexDenseCooMatOps.sub(CooCMatrix src2, Matrix src1) Subtracts a real sparse matrix from a real dense matrix.Methods in org.flag4j.linalg.ops.dense_sparse.coo.real_complex with parameters of type CMatrixModifier and TypeMethodDescriptionstatic CooCMatrixComputes the element-wise division between a real sparse matrix and a complex dense matrix.static CooCMatrixComputes the element-wise multiplication between a complex dense matrix and a real sparse matrix.static booleanRealComplexDenseSparseEquals.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
Methods in org.flag4j.linalg.ops.dense_sparse.csr.real_complex that return CMatrixModifier and TypeMethodDescriptionstatic CMatrixRealComplexCsrDenseOps.add(CsrCMatrix a, Matrix b) Computes the element-wise sum of two matrices.static CMatrixRealComplexCsrDenseOps.applyBinOpp(Matrix src1, CsrCMatrix src2, BiFunction<Double, Complex128, Complex128> opp) Applies the specified binary operator element-wise to the two matrices.static CMatrixRealComplexCsrDenseOps.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 CMatrixRealComplexCsrDenseOps.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 CMatrixRealComplexCsrDenseOps.sub(Matrix a, CsrCMatrix b) Computes the element-wise difference of two matrices.static CMatrixRealComplexCsrDenseOps.sub(CsrCMatrix a, Matrix b) Computes the element-wise difference of two matrices. -
Uses of CMatrix in org.flag4j.linalg.ops.dense.complex
Methods in org.flag4j.linalg.ops.dense.complex with parameters of type CMatrixModifier and TypeMethodDescriptionstatic Complex128Computes the determinant of a square matrix using the LU factorization.static Complex128Computes the determinant of a square matrix using the LU factorization. -
Uses of CMatrix in org.flag4j.linalg.ops.dispatch
Subclasses with type arguments of type CMatrix in org.flag4j.linalg.ops.dispatchModifier and TypeClassDescriptionfinal classA dispatcher that selects the most suitable matrix multiplication kernel for twocomplex dense matrices.final classA dispatcher that selects the most suitable matrix multiplication kernel for twocomplex dense matrices.final classA dispatcher that selects the most suitable matrix multiplication kernel for twocomplex dense matrices.classA dispatcher that selects the most suitable matrix-vector multiplication kernel for a complex matrix/vector pair.Methods in org.flag4j.linalg.ops.dispatch that return CMatrixModifier and TypeMethodDescriptionstatic CMatrixDispatches the multiplication of two matrices to an appropriate implementation based on the shapes of the two matrices.Methods in org.flag4j.linalg.ops.dispatch that return types with arguments of type CMatrixModifier and TypeMethodDescriptionprotected BiFunction<CMatrix, CMatrix, CMatrix> Computes the appropriate function to use when computing the matrix multiplication between two matrices.protected BiFunction<CMatrix, CMatrix, CMatrix> Computes the appropriate function to use when computing the matrix multiplication between two matrices.protected BiFunction<CMatrix, CMatrix, CMatrix> Computes the appropriate function to use when computing the matrix multiplication between two matrices.protected BiFunction<CMatrix, CVector, CVector> Computes the appropriate function to use when computing the matrix multiplication between two matrices.Methods in org.flag4j.linalg.ops.dispatch with parameters of type CMatrixModifier and TypeMethodDescriptionstatic CMatrixDispatches the multiplication of two matrices to an appropriate implementation based on the shapes of the two matrices.static CVectorDispatches the multiplication of two matrices to an appropriate implementation based on the shapes of the two matrices. -
Uses of CMatrix in org.flag4j.linalg.ops.sparse.coo.real_complex
Methods in org.flag4j.linalg.ops.sparse.coo.real_complex that return CMatrixModifier and TypeMethodDescriptionstatic CMatrixRealComplexSparseMatOps.add(CooCMatrix src, double a) Adds a double all data (including zero values) of a complex sparse matrix.static CMatrixRealComplexSparseMatOps.add(CooMatrix src, Complex128 a) Adds a complex number to all data (including zero values) of a real sparse matrix.static CMatrixRealComplexSparseMatOps.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 CMatrixRealComplexSparseMatOps.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 CMatrixRealComplexSparseMatOps.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 CMatrixRealComplexSparseMatOps.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 CMatrixRealComplexSparseVectorOps.outerProduct(CooCVector src1, CooVector src2) Computes the vector outer product between a complex sparse vector and a real sparse vector.static CMatrixRealComplexSparseVectorOps.outerProduct(CooVector src1, CooCVector src2) Computes the vector outer product between a complex sparse vector and a real sparse vector.static CMatrixRealComplexSparseMatOps.sub(CooCMatrix src, double a) Adds a double all data (including zero values) of a complex sparse matrix.static CMatrixRealComplexSparseMatOps.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
Methods in org.flag4j.linalg.ops.sparse.csr.real_complex that return CMatrixModifier and TypeMethodDescriptionstatic CMatrixRealComplexCsrOps.addToEachCol(CsrCMatrix src1, Vector src2) Adds a vector to each column of a matrix.static CMatrixRealComplexCsrOps.addToEachCol(CsrCMatrix src1, CooVector src2) Adds a vector to each column of a matrix.static CMatrixRealComplexCsrOps.addToEachRow(CsrCMatrix src1, Vector src2) Adds a vector to each row of a matrix.static CMatrixRealComplexCsrOps.addToEachRow(CsrCMatrix src1, CooVector src2) Adds a vector to each row of a matrix.static CMatrixRealComplexCsrMatMult.standard(CsrCMatrix src1, CsrMatrix src2) Computes the matrix multiplication between two sparse CSR matrices.static CMatrixRealComplexCsrMatMult.standard(CsrMatrix src1, CsrCMatrix src2) Computes the matrix multiplication between two sparse CSR matrices. -
Uses of CMatrix in org.flag4j.linalg.solvers.exact
Subclasses with type arguments of type CMatrix in org.flag4j.linalg.solvers.exactModifier and TypeClassDescriptionclassSolves a well determined system of equations \( Ax = b \) or \( AX = B \) in an exact sense by using aLU decompositionwhere \( A \), \( B \), and \( X \) are matrices, and \( x \) and \( b \) are vectors.classSolver for solving a real well determined linear tensor equation \( AX = B \) in an exact sense.Methods in org.flag4j.linalg.solvers.exact that return CMatrixModifier and TypeMethodDescriptionprotected CMatrixComplexExactTensorSolver.initMatrix(CTensor A, int prod) Initializes matrix for equivalent linear matrix equation.protected CMatrixComplexExactSolver.permuteRows(CMatrix B) Permute the rows of a matrix using the row permutation matrix from the LU decomposition.Methods in org.flag4j.linalg.solvers.exact with parameters of type CMatrixModifier and TypeMethodDescriptionprotected CMatrixComplexExactSolver.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
Subclasses with type arguments of type CMatrix in org.flag4j.linalg.solvers.exact.triangularModifier and TypeClassDescriptionclassThis solver solves linear systems of the form \( Ux = b \) or \( UX = B \) where \( U \) is an upper triangular matrix.classThis solver solves a complex linear system of equations where the coefficient matrix is lower triangular.Methods in org.flag4j.linalg.solvers.exact.triangular that return CMatrixModifier and TypeMethodDescriptionSolves the linear system of equations given by \( UX = B \) where the coefficient matrix \( U \) is anupper triangularmatrix.Performs forward substitution for a unit lower triangular matrix \( L \) and a matrix \( B \).ComplexForwardSolver.solve(CMatrix L, PermutationMatrix P) Solves a linear system \( LX = P \) for \( X \) where \( L \) is a lower triangular matrix and \( P \) is a permutation matrix.ComplexBackSolver.solveIdentity(CMatrix U) Solves the linear system of equations given by \( UX = I \) where the coefficient matrix \( U \) is anupper triangularmatrix and I is theidentitymatrix 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 \( UX = L \) for \( X \) where the coefficient matrix \( U \) is anupper triangularmatrix and the constant matrix \( L \) islower triangular.Methods in org.flag4j.linalg.solvers.exact.triangular with parameters of type CMatrixModifier and TypeMethodDescriptionSolves the linear system of equations given by \( UX = B \) where the coefficient matrix \( U \) is anupper triangularmatrix.Solves the linear system of equations given by \( Ux = b \) where the coefficient matrix \( U \) is anupper triangularmatrix.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 \).ComplexForwardSolver.solve(CMatrix L, PermutationMatrix P) Solves a linear system \( LX = P \) for \( X \) where \( L \) is a lower triangular matrix and \( P \) is a permutation matrix.ComplexBackSolver.solveIdentity(CMatrix U) Solves the linear system of equations given by \( UX = I \) where the coefficient matrix \( U \) is anupper triangularmatrix and I is theidentitymatrix 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 \( UX = L \) for \( X \) where the coefficient matrix \( U \) is anupper triangularmatrix and the constant matrix \( L \) islower triangular. -
Uses of CMatrix in org.flag4j.linalg.solvers.lstsq
Subclasses with type arguments of type CMatrix in org.flag4j.linalg.solvers.lstsqModifier and TypeClassDescriptionclassInstances of this class solve complex linear systems of the form \( Ax = b \) or \( AX = B \) in a least-squares sense. -
Uses of CMatrix in org.flag4j.linalg.transformations
Methods in org.flag4j.linalg.transformations that return CMatrixModifier and TypeMethodDescriptionstatic CMatrixGivens.get2x2Rotator(CVector v) Constructs a Givens rotator \( G \) of size 2 such that for a vector \( v = \begin{bmatrix}a & b\end{bmatrix} \) we have \( G\mathbf{v} = \begin{bmatrix}r & 0\end{bmatrix} \).static CMatrixGivens.get2x2Rotator(Complex128 v0, Complex128 v1) Constructs a Givens rotator \( G \) of size 2 such that for a vector \( \mathbf{v} = \begin{bmatrix}a & b\end{bmatrix} \) we have \( G\mathbf{v} = \begin{bmatrix}r & 0\end{bmatrix} \).static CMatrixHouseholder.getReflector(CVector normal) Computes the Householder reflector which describes a reflection through a hyperplane containing the origin which is normal to the specifiednormalvector.static CMatrixGivens.getRotator(CVector v, int i) Constructs a Givens rotator \( G \) such that for a vector \( \mathbf{v} \), \[ G\mathbf{v} = \begin{bmatrix} r_1 & \cdots & r_i & \cdots r_n \end{bmatrix} \] where \( r_{i} = 0 \).Methods in org.flag4j.linalg.transformations with parameters of type CMatrixModifier and TypeMethodDescriptionstatic voidHouseholder.hermLeftRightMultReflector(CMatrix src, Complex128[] householderVector, Complex128 alpha, int startCol, Complex128[] workArray) Applies a Householder matrix \( H = I-\alpha vv^{H} \), represented by the vector \( v \) to a Hermitian matrix \( A \) on both the left and right side.static voidGivens.leftMult2x2Rotator(CMatrix src, CMatrix G, int i, Complex128[] workArray) Left multiplies a \( 2\times2 \) Givens rotator to a matrix at the specified i.static voidHouseholder.leftMultReflector(CMatrix src, CVector householderVector, Complex128 alpha, int startCol, int startRow, int endRow) Left multiplies a Householder matrix \( H = I-\alpha vv^{H} \), represented by the vector \( v \), to another matrix \( A \).static voidHouseholder.leftMultReflector(CMatrix src, Complex128[] householderVector, Complex128 alpha, int startCol, int startRow, int endRow, Complex128[] workArray) Left multiplies a Householder matrix \( H = I-\alpha vv^{H} \), represented by the vector \( v \), to another matrix \( A \).static voidGivens.rightMult2x2Rotator(CMatrix src, CMatrix G, int i, Complex128[] workArray) Right multiplies a \( 2\times2 \) Givens rotator to a matrix at the specified i.static voidHouseholder.rightMultReflector(CMatrix src, CVector householderVector, Complex128 alpha, int startCol, int startRow, int endRow) Right multiplies a Householder matrix \( H = I-\alpha vv^{H} \), represented by the vector \( v \), to another matrix \( A \).static voidHouseholder.rightMultReflector(CMatrix src, Complex128[] householderVector, Complex128 alpha, int startCol, int startRow, int endRow) Right multiplies a Householder matrix \( H = I-\alpha vv^{H} \), represented by the vector \( v \), to another matrix \( A \). -
Uses of CMatrix in org.flag4j.rng
Methods in org.flag4j.rng that return CMatrixModifier 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.