Index

A B C D E F G H I J K L M N O P Q R S T U V W X Z 
All Classes and Interfaces|All Packages|Constant Field Values|Serialized Form

D

daemonFactory - Static variable in class org.flag4j.concurrency.ThreadManager
Simple thread factory for creating basic daemon threads.
decompose(CMatrix) - Method in class org.flag4j.linalg.decompositions.chol.ComplexCholesky
Decompose a matrix into A=LLH where L is a lower triangular matrix and LH is the conjugate transpose of L.
decompose(CMatrix) - Method in class org.flag4j.linalg.decompositions.hess.ComplexHess
Computes the QR decomposition of a real dense matrix.
decompose(CMatrix) - Method in class org.flag4j.linalg.decompositions.qr.ComplexQR
Computes the QR decomposition of a real dense matrix.
decompose(CMatrix) - Method in class org.flag4j.linalg.decompositions.schur.ComplexSchur
Computes the Schur decomposition of the input matrix.
decompose(Matrix) - Method in class org.flag4j.linalg.decompositions.chol.RealCholesky
Decompose a matrix into A=LLT where L is a lower triangular matrix and LT is the transpose of L.
decompose(Matrix) - Method in class org.flag4j.linalg.decompositions.hess.RealHess
Applies decomposition to the source matrix.
decompose(Matrix) - Method in class org.flag4j.linalg.decompositions.hess.SymmHess
Applies decomposition to the source matrix.
decompose(Matrix) - Method in class org.flag4j.linalg.decompositions.qr.RealQR
Computes the QR decomposition of a real dense matrix.
decompose(Matrix) - Method in class org.flag4j.linalg.decompositions.schur.RealSchur
Computes the Schur decomposition of the input matrix.
decompose(T) - Method in interface org.flag4j.linalg.decompositions.Decomposition
Applies decomposition to the source matrix.
decompose(T) - Method in class org.flag4j.linalg.decompositions.lu.LU
Applies LU decomposition to the source matrix using the pivoting specified in the constructor.
decompose(T) - Method in class org.flag4j.linalg.decompositions.svd.SVD
Applies decomposition to the source matrix.
decompose(T) - Method in class org.flag4j.linalg.solvers.exact.ExactSolver
Decomposes A using an LU decomposition.
decompose(T) - Method in class org.flag4j.linalg.solvers.lstsq.LstsqSolver
Computes the QR decomposition for use in this solver.
decomposeBase(T) - Method in class org.flag4j.linalg.decompositions.schur.Schur
Computes the Schur decomposition of the input matrix.
decomposeBase(T) - Method in class org.flag4j.linalg.decompositions.unitary.UnitaryDecomposition
Applies the unitary decomposition to the matrix.
Decomposition<T> - Interface in org.flag4j.linalg.decompositions
This interface specifies methods which should be implemented in all decompositions.
DecompositionFactory - Class in org.flag4j.linalg.decompositions
A factory class for creating decomposers to perform various matrix decompositions.
DecompositionFactory() - Constructor for class org.flag4j.linalg.decompositions.DecompositionFactory
 
deepCopy(int[][], int[][]) - Static method in class org.flag4j.util.ArrayUtils
Creates a deep copy of a 2D array.
DEFAULT_BLOCK_SIZE - Static variable in class org.flag4j.concurrency.Configurations
The default block size for blocked algorithms.
DEFAULT_CENTER - Static variable in class org.flag4j.io.PrintOptions
Default flag for centering elements when printing.
DEFAULT_EXCEPTIONAL_ITERS - Variable in class org.flag4j.linalg.decompositions.schur.Schur
Default number of iterations to apply before doing an exceptional shift.
DEFAULT_MAX_COLS - Static variable in class org.flag4j.io.PrintOptions
Default maximum number of columns to print.
DEFAULT_MAX_ITERS_FACTOR - Variable in class org.flag4j.linalg.decompositions.schur.Schur
Default factor for computing the maximum number of iterations to perform.
DEFAULT_MAX_ROWS - Static variable in class org.flag4j.io.PrintOptions
Default maximum number of rows to print.
DEFAULT_MIN_RECURSIVE_SIZE - Static variable in class org.flag4j.concurrency.Configurations
The default minimum recursive size for recursive algorithms.
DEFAULT_NUM_THREADS - Static variable in class org.flag4j.concurrency.Configurations
The default number of threads to use for concurrent algorithms.
DEFAULT_PADDING - Static variable in class org.flag4j.io.PrintOptions
Default padding between elements when printing.
DEFAULT_POS_DEF_TOLERANCE - Static variable in class org.flag4j.linalg.decompositions.chol.Cholesky
Default tolerance for considering a value along the diagonal of L to be non-positive.
DEFAULT_PRECISION - Static variable in class org.flag4j.io.PrintOptions
Default precision (i.e.
DEFAULT_ROUND_TO_ZERO_THRESHOLD - Static variable in class org.flag4j.core.TensorBase
Default value for rounding to zero.
DEFAULT_ZERO_PIVOT_TOLERANCE - Variable in class org.flag4j.linalg.decompositions.lu.LU
for determining if pivot value is to be considered zero in LU decomposition with no pivoting.
DenseMatrixMixin<T,X> - Interface in org.flag4j.core.dense_base
This interface specifies methods which all dense matrices should implement.
DenseMixin<X> - Interface in org.flag4j.core.dense_base
Interface which specifies methods that any dense vector, matrix, or tensor should implement.
DenseTensorBase<T,W,Y,D,X> - Class in org.flag4j.core.dense_base
This is the base class for all dense tensors.
DenseTensorBase(Shape, D) - Constructor for class org.flag4j.core.dense_base.DenseTensorBase
Creates a dense tensor with specified entries and shape.
DenseTensorMixin - Interface in org.flag4j.core.dense_base
This interface specifies methods which should be implemented by all dense tensors.
DenseVectorMixin - Interface in org.flag4j.core.dense_base
Interface which specifies methods which any dense vector should implement.
density() - Method in class org.flag4j.core.sparse_base.SparseTensorBase
Gets the density of this tensor as a decimal percentage.
det - Variable in class org.flag4j.linalg.solvers.exact.triangular.ComplexBackSolver
For computing determinant of coefficient matrix during solve.
det - Variable in class org.flag4j.linalg.solvers.exact.triangular.ComplexForwardSolver
For computing determinant of lower triangular matrix during solve.
det - Variable in class org.flag4j.linalg.solvers.exact.triangular.RealBackSolver
For computing determinant of coefficient matrix during solve.
det - Variable in class org.flag4j.linalg.solvers.exact.triangular.RealForwardSolver
For computing determinant of lower triangular matrix during solve.
det() - Method in class org.flag4j.arrays.dense.CMatrix
Computes the determinant of a square matrix.
det() - Method in class org.flag4j.arrays.dense.Matrix
Computes the determinant of a square matrix.
det() - Method in class org.flag4j.arrays.sparse.CooCMatrix
Computes the determinant of a square matrix.
det() - Method in class org.flag4j.arrays.sparse.CooMatrix
Computes the determinant of a square matrix.
det() - Method in class org.flag4j.arrays.sparse.CsrCMatrix
Computes the determinant of a square matrix.
det() - Method in class org.flag4j.arrays.sparse.CsrMatrix
Computes the determinant of a square matrix.
det() - Method in class org.flag4j.arrays.sparse.PermutationMatrix
Computes the determinant of this permutation matrix (will be +/- 1).
det() - Method in interface org.flag4j.core.MatrixOperationsMixin
Computes the determinant of a square matrix.
det(CMatrix) - Static method in class org.flag4j.operations.dense.complex.ComplexDenseDeterminant
Computes the determinant of a square matrix using the LU factorization.
det(Matrix) - Static method in class org.flag4j.operations.dense.real.RealDenseDeterminant
Computes the determinant of a square matrix using the LU factorization.
det1(CMatrix) - Static method in class org.flag4j.operations.dense.complex.ComplexDenseDeterminant
Explicitly computes the determinant of a 1x1 matrix.
det1(Matrix) - Static method in class org.flag4j.operations.dense.real.RealDenseDeterminant
Explicitly computes the determinant of a 1x1 matrix.
det2(CMatrix) - Static method in class org.flag4j.operations.dense.complex.ComplexDenseDeterminant
Explicitly computes the determinant of a 2x2 matrix.
det2(Matrix) - Static method in class org.flag4j.operations.dense.real.RealDenseDeterminant
Explicitly computes the determinant of a 2x2 matrix.
det3(CMatrix) - Static method in class org.flag4j.operations.dense.complex.ComplexDenseDeterminant
Explicitly computes the determinant of a 3x3 matrix.
det3(Matrix) - Static method in class org.flag4j.operations.dense.real.RealDenseDeterminant
Explicitly computes the determinant of a 3x3 matrix.
details - Variable in class org.flag4j.complex_numbers.CNumberToken
The details of this token.
detLU(CMatrix) - Static method in class org.flag4j.operations.dense.complex.ComplexDenseDeterminant
Computes the determinant of a square matrix using the LU factorization.
detLU(Matrix) - Static method in class org.flag4j.operations.dense.real.RealDenseDeterminant
Computes the determinant of a square matrix using the LU factorization.
detTri(CMatrix) - Static method in class org.flag4j.operations.dense.complex.ComplexDenseDeterminant
Computes the determinant of a triangular matrix.
detTri(Matrix) - Static method in class org.flag4j.operations.dense.real.RealDenseDeterminant
Computes the determinant for a triangular matrix.
diag - Variable in class org.flag4j.arrays.sparse.SymmTriDiagonal
Stores the diagonal entries of this symmetric tri-diagonal matrix.
digit(int) - Method in class org.flag4j.complex_numbers.CNumberLexer
 
dims - Variable in class org.flag4j.core.Shape
An array containing the size of each dimension of this shape.
directSum(CMatrix, CMatrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CMatrix, Matrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CMatrix, CooCMatrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CMatrix, CooMatrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(Matrix, CMatrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(Matrix, Matrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(Matrix, CooCMatrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(Matrix, CooMatrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CooCMatrix, CMatrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CooCMatrix, Matrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CooCMatrix, CooCMatrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CooCMatrix, CooMatrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CooMatrix, CMatrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CooMatrix, Matrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CooMatrix, CooCMatrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CooMatrix, CooMatrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CsrCMatrix, CMatrix) - Method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CsrCMatrix, Matrix) - Method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CsrCMatrix, CooCMatrix) - Method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CsrCMatrix, CooMatrix) - Method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CsrMatrix, CMatrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CsrMatrix, Matrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CsrMatrix, CooCMatrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
directSum(CsrMatrix, CooMatrix) - Static method in class org.flag4j.linalg.ops.DirectSum
Computes the direct sum of two matrices.
DirectSum - Class in org.flag4j.linalg.ops
Utility class for computing the direct sum between two matrices.
DirectSum() - Constructor for class org.flag4j.linalg.ops.DirectSum
 
dispatch(double[], Shape, double[], Shape) - Static method in class org.flag4j.operations.dense.real.RealDenseElemDiv
Dynamically chooses and applies element-wise division algorithm to use based on the number of entries in the tensors.
dispatch(double[], Shape, double[], Shape) - Static method in class org.flag4j.operations.dense.real.RealDenseElemMult
Dynamically chooses and applies element-wise multiplication algorithm to use based on the number of entries in the tensors.
dispatch(double[], Shape, double[], Shape) - Static method in class org.flag4j.operations.RealDenseMatrixMultiplyDispatcher
Dispatches a matrix multiply problem to the appropriate algorithm based on the size of the matrices.
dispatch(double[], Shape, CNumber[], Shape) - Static method in class org.flag4j.operations.dense.real_complex.RealComplexDenseElemDiv
Dynamically chooses and applies the appropriate algorithm for element-wise tensor multiplication.
dispatch(CMatrix) - Static method in class org.flag4j.operations.TransposeDispatcher
Dispatches a matrix transpose problem to the appropriate algorithm based in its shape and size.
dispatch(CMatrix, CMatrix) - Static method in class org.flag4j.operations.MatrixMultiplyDispatcher
Dispatches a matrix multiplication problem to the appropriate algorithm based on the size.
dispatch(CMatrix, CVector) - Static method in class org.flag4j.operations.MatrixMultiplyDispatcher
Dynamically chooses the appropriate matrix-vector multiplication algorithm based on the shapes of the matrix and vector.
dispatch(CMatrix, Matrix) - Static method in class org.flag4j.operations.MatrixMultiplyDispatcher
Dispatches a matrix multiplication problem to the appropriate algorithm based on the size.
dispatch(CMatrix, Vector) - Static method in class org.flag4j.operations.MatrixMultiplyDispatcher
Dynamically chooses the appropriate matrix-vector multiplication algorithm based on the shapes of the matrix and vector.
dispatch(Matrix) - Static method in class org.flag4j.operations.TransposeDispatcher
Dispatches a matrix transpose problem to the appropriate algorithm based on its shape and size.
dispatch(Matrix, CMatrix) - Static method in class org.flag4j.operations.MatrixMultiplyDispatcher
Dispatches a matrix multiplication problem to the appropriate algorithm based on the size.
dispatch(Matrix, CVector) - Static method in class org.flag4j.operations.MatrixMultiplyDispatcher
Dynamically chooses the appropriate matrix-vector multiplication algorithm based on the shapes of the matrix and vector.
dispatch(Matrix, Matrix) - Static method in class org.flag4j.operations.RealDenseMatrixMultiplyDispatcher
Dispatches a matrix multiply problem to the appropriate algorithm based on the size of the matrices.
dispatch(Matrix, Vector) - Static method in class org.flag4j.operations.MatrixMultiplyDispatcher
Dynamically chooses the appropriate matrix-vector multiplication algorithm based on the shapes of the matrix and vector.
dispatch(CNumber[], Shape, double[], Shape) - Static method in class org.flag4j.operations.dense.real_complex.RealComplexDenseElemDiv
Dynamically chooses and applies the appropriate algorithm for element-wise tensor multiplication.
dispatch(CNumber[], Shape, double[], Shape) - Static method in class org.flag4j.operations.dense.real_complex.RealComplexDenseElemMult
Dynamically chooses and applies element-wise multiplication algorithm to use based on the number of entries in the tensors.
dispatch(CNumber[], Shape, CNumber[], Shape) - Static method in class org.flag4j.operations.dense.complex.ComplexDenseElemDiv
Dynamically chooses and applies element-wise division algorithm to use based on the number of entries in the tensors.
dispatch(CNumber[], Shape, CNumber[], Shape) - Static method in class org.flag4j.operations.dense.complex.ComplexDenseElemMult
Dynamically chooses and applies element-wise multiplication algorithm to use based on the number of entries in the tensors.
dispatch(CNumber[], Shape, CNumber[], Shape) - Static method in class org.flag4j.operations.MatrixMultiplyDispatcher
Dispatches a matrix multiplication problem to the appropriate algorithm based on the size.
dispatchHermitian(CMatrix) - Static method in class org.flag4j.operations.TransposeDispatcher
Dispatches a matrix hermitian transpose problem to the appropriate algorithm based on its shape and size.
dispatchOuter(Vector, Vector) - Static method in class org.flag4j.operations.dense.real.RealDenseVectorOperations
Dispatches an outer product problem to an appropriate implementation based on the size of the vectors involved.
dispatchTensor(double[], Shape, int[]) - Static method in class org.flag4j.operations.TransposeDispatcher
Dispatches a tensor transpose problem to the appropriate algorithm based on its shape and size.
dispatchTensor(CTensor, int, int) - Static method in class org.flag4j.operations.TransposeDispatcher
Dispatches a tensor transpose problem to the appropriate algorithm based on its shape and size.
dispatchTensor(Tensor, int, int) - Static method in class org.flag4j.operations.TransposeDispatcher
Dispatches a tensor transpose problem to the appropriate algorithm based on its shape and size.
dispatchTranspose(CMatrix, CMatrix) - Static method in class org.flag4j.operations.MatrixMultiplyDispatcher
Dispatches a matrix multiplication-transpose problem to the appropriate algorithm based on the size.
dispatchTranspose(CMatrix, Matrix) - Static method in class org.flag4j.operations.MatrixMultiplyDispatcher
Dispatches a matrix multiplication-transpose problem to the appropriate algorithm based on the size.
dispatchTranspose(Matrix, CMatrix) - Static method in class org.flag4j.operations.MatrixMultiplyDispatcher
Dispatches a matrix multiplication-transpose problem to the appropriate algorithm based on the size.
dispatchTranspose(Matrix, Matrix) - Static method in class org.flag4j.operations.RealDenseMatrixMultiplyDispatcher
Dispatches a matrix multiply-transpose problem equivalent to A.mult(B.T()) to the appropriate algorithm based on the size of the matrices.
div(double) - Method in class org.flag4j.arrays.sparse.CooCVector
Computes the scalar division of a tensor.
div(double) - Method in class org.flag4j.arrays.sparse.CooVector
Computes the scalar division of a tensor.
div(double) - Method in class org.flag4j.complex_numbers.CNumber
Computes the division of a complex numbers with a double value.
div(double) - Method in class org.flag4j.core.dense_base.ComplexDenseTensorBase
Computes the scalar division of a tensor.
div(double) - Method in class org.flag4j.core.dense_base.RealDenseTensorBase
 
div(double) - Method in class org.flag4j.core.sparse_base.ComplexSparseTensorBase
 
div(double) - Method in class org.flag4j.core.sparse_base.RealSparseTensorBase
 
div(double) - Method in interface org.flag4j.core.TensorOperationsMixin
Computes the scalar division of a tensor.
div(CNumber) - Method in class org.flag4j.arrays.sparse.CooCVector
Computes the scalar division of a tensor.
div(CNumber) - Method in class org.flag4j.arrays.sparse.CooVector
Computes the scalar division of a tensor.
div(CNumber) - Method in class org.flag4j.complex_numbers.CNumber
Computes the division of two complex numbers.
div(CNumber) - Method in class org.flag4j.core.dense_base.ComplexDenseTensorBase
Computes the scalar division of a tensor.
div(CNumber) - Method in class org.flag4j.core.dense_base.RealDenseTensorBase
Computes the scalar division of a tensor.
div(CNumber) - Method in class org.flag4j.core.sparse_base.ComplexSparseTensorBase
 
div(CNumber) - Method in class org.flag4j.core.sparse_base.RealSparseTensorBase
 
div(CNumber) - Method in interface org.flag4j.core.TensorOperationsMixin
Computes the scalar division of a tensor.
dot(CTensor, CTensor) - Static method in class org.flag4j.operations.dense.complex.ComplexDenseTensorDot
Computes the tensor dot product along the first tensors last axis and the second tensors second-to-last axis.
doubleImaginaryValue() - Method in class org.flag4j.complex_numbers.CNumber
Gets the double value of the imaginary component of this complex number.
doubleValue() - Method in class org.flag4j.complex_numbers.CNumber
Gets the value of the specified number as a double.
A B C D E F G H I J K L M N O P Q R S T U V W X Z 
All Classes and Interfaces|All Packages|Constant Field Values|Serialized Form