Parallel Colt 0.9.4

Uses of Class
cern.colt.matrix.tfloat.FloatMatrix2D

Packages that use FloatMatrix2D
cern.colt.matrix.tfcomplex Matrix interfaces and factories holding elements of fcomplex data type. 
cern.colt.matrix.tfcomplex.impl Efficient and flexible dense and sparse 1, 2 and 3-dimensional matrices holding elements of fcomplex data type. 
cern.colt.matrix.tfloat Matrix interfaces and factories holding elements of float data type. 
cern.colt.matrix.tfloat.algo Linear Algebraic matrix computations operating on FloatMatrix2D and FloatMatrix1D
cern.colt.matrix.tfloat.algo.decomposition Martrix decompositions. 
cern.colt.matrix.tfloat.algo.solver Iterative solvers BiCG - BiConjugate gradients. BiCGstab - BiConjugate gradients stabilized. CG - Conjugate gradients. CGS - Conjugate gradients squared. Chebyshev - The Chebyshev iteration for symmetrical, positive definite matrices. GMRES - Generalized minimal residual using restart. IR - Iterative refinement (Richardson's method). QMR - Quasi-minimal residual. HyBR - Hybrid Bidiagonalization Regularization. MRNSD - Modified Residual Norm Steepest Descent. CGLS - Conjugate Gradient for Least Squares.  
cern.colt.matrix.tfloat.algo.solver.preconditioner Preconditioners for iterative solvers. 
cern.colt.matrix.tfloat.impl Efficient and flexible dense and sparse 1, 2 and 3-dimensional matrices holding elements of float data type. 
 

Uses of FloatMatrix2D in cern.colt.matrix.tfcomplex
 

Methods in cern.colt.matrix.tfcomplex that return FloatMatrix2D
abstract  FloatMatrix2D FComplexMatrix2D.getImaginaryPart()
          Returns the imaginary part of this matrix
abstract  FloatMatrix2D FComplexMatrix2D.getRealPart()
          Returns the real part of this matrix
 

Methods in cern.colt.matrix.tfcomplex with parameters of type FloatMatrix2D
 FComplexMatrix2D FComplexMatrix2D.assignImaginary(FloatMatrix2D other)
          Replaces imaginary part of the receiver with the values of another real matrix.
 FComplexMatrix2D FComplexMatrix2D.assignReal(FloatMatrix2D other)
          Replaces real part of the receiver with the values of another real matrix.
 

Uses of FloatMatrix2D in cern.colt.matrix.tfcomplex.impl
 

Methods in cern.colt.matrix.tfcomplex.impl that return FloatMatrix2D
 FloatMatrix2D WrapperFComplexMatrix2D.getImaginaryPart()
           
 FloatMatrix2D SparseFComplexMatrix2D.getImaginaryPart()
           
 FloatMatrix2D DenseFComplexMatrix2D.getImaginaryPart()
           
 FloatMatrix2D DenseColumnFComplexMatrix2D.getImaginaryPart()
           
 FloatMatrix2D WrapperFComplexMatrix2D.getRealPart()
           
 FloatMatrix2D SparseFComplexMatrix2D.getRealPart()
           
 FloatMatrix2D DenseFComplexMatrix2D.getRealPart()
           
 FloatMatrix2D DenseColumnFComplexMatrix2D.getRealPart()
           
 

Methods in cern.colt.matrix.tfcomplex.impl with parameters of type FloatMatrix2D
 FComplexMatrix2D DenseFComplexMatrix2D.assignImaginary(FloatMatrix2D other)
           
 FComplexMatrix2D DenseColumnFComplexMatrix2D.assignImaginary(FloatMatrix2D other)
           
 FComplexMatrix2D DenseFComplexMatrix2D.assignReal(FloatMatrix2D other)
           
 FComplexMatrix2D DenseColumnFComplexMatrix2D.assignReal(FloatMatrix2D other)
           
 

Constructors in cern.colt.matrix.tfcomplex.impl with parameters of type FloatMatrix2D
DenseColumnFComplexMatrix2D(FloatMatrix2D realPart)
          Constructs a complex matrix with the same size as realPart matrix and fills the real part of this matrix with elements of realPart.
DenseFComplexMatrix2D(FloatMatrix2D realPart)
          Constructs a complex matrix with the same size as realPart matrix and fills the real part of this matrix with elements of realPart.
 

Uses of FloatMatrix2D in cern.colt.matrix.tfloat
 

Methods in cern.colt.matrix.tfloat that return FloatMatrix2D
 FloatMatrix2D FloatFactory2D.appendColumn(FloatMatrix2D A, FloatMatrix1D b)
          C = A||b; Constructs a new matrix which is the column-wise concatenation of two other matrices.
 FloatMatrix2D FloatFactory2D.appendColumns(FloatMatrix2D A, FloatMatrix2D B)
          C = A||B; Constructs a new matrix which is the column-wise concatenation of two other matrices.
 FloatMatrix2D FloatFactory2D.appendRow(FloatMatrix2D A, FloatMatrix1D b)
          C = A||b; Constructs a new matrix which is the row-wise concatenation of two other matrices.
 FloatMatrix2D FloatFactory2D.appendRows(FloatMatrix2D A, FloatMatrix2D B)
          C = A||B; Constructs a new matrix which is the row-wise concatenation of two other matrices.
 FloatMatrix2D FloatFactory2D.ascending(int rows, int columns)
          Constructs a matrix with cells having ascending values.
 FloatMatrix2D FloatMatrix2D.assign(float value)
          Sets all cells to the state specified by value.
 FloatMatrix2D FloatMatrix2D.assign(float[] values)
          Sets all cells to the state specified by values.
 FloatMatrix2D FloatMatrix2D.assign(float[][] values)
          Sets all cells to the state specified by values.
 FloatMatrix2D FloatMatrix2D.assign(FloatFunction f)
          Assigns the result of a function to each cell; x[row,col] = function(x[row,col]).
 FloatMatrix2D FloatMatrix2D.assign(FloatMatrix2D other)
          Replaces all cell values of the receiver with the values of another matrix.
 FloatMatrix2D FloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function)
          Assigns the result of a function to each cell; x[row,col] = function(x[row,col],y[row,col]).
 FloatMatrix2D FloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function, IntArrayList rowList, IntArrayList columnList)
          Assigns the result of a function to all cells with a given indexes
 FloatMatrix2D FloatMatrix2D.assign(FloatProcedure cond, float value)
          Assigns a value to all cells that satisfy a condition.
 FloatMatrix2D FloatMatrix2D.assign(FloatProcedure cond, FloatFunction f)
          Assigns the result of a function to all cells that satisfy a condition.
 FloatMatrix2D FloatFactory2D.compose(FloatMatrix2D[][] parts)
          Constructs a block matrix made from the given parts.
 FloatMatrix2D FloatFactory2D.composeBidiagonal(FloatMatrix2D A, FloatMatrix2D B)
          Constructs a bidiagonal block matrix from the given parts.
 FloatMatrix2D FloatFactory2D.composeDiagonal(FloatMatrix2D A, FloatMatrix2D B)
          Constructs a diagonal block matrix from the given parts (the direct sum of two matrices).
 FloatMatrix2D FloatFactory2D.composeDiagonal(FloatMatrix2D A, FloatMatrix2D B, FloatMatrix2D C)
          Constructs a diagonal block matrix from the given parts.
 FloatMatrix2D FloatMatrix2D.copy()
          Constructs and returns a deep copy of the receiver.
 FloatMatrix2D FloatFactory2D.descending(int rows, int columns)
          Constructs a matrix with cells having descending values.
 FloatMatrix2D FloatFactory2D.diagonal(float[] vector)
          Constructs a new diagonal matrix whose diagonal elements are the elements of vector.
 FloatMatrix2D FloatFactory2D.diagonal(FloatMatrix1D vector)
          Constructs a new diagonal matrix whose diagonal elements are the elements of vector.
 FloatMatrix2D FloatMatrix2D.forEachNonZero(IntIntFloatFunction function)
          Assigns the result of a function to each non-zero cell; x[row,col] = function(x[row,col]).
 FloatMatrix2D FloatFactory2D.identity(int rowsAndColumns)
          Constructs an identity matrix (having ones on the diagonal and zeros elsewhere).
 FloatMatrix2D FloatMatrix2D.like()
          Construct and returns a new empty matrix of the same dynamic type as the receiver, having the same number of rows and columns.
abstract  FloatMatrix2D FloatMatrix2D.like(int rows, int columns)
          Construct and returns a new empty matrix of the same dynamic type as the receiver, having the specified number of rows and columns.
abstract  FloatMatrix2D FloatMatrix3D.like2D(int rows, int columns)
          Construct and returns a new 2-d matrix of the corresponding dynamic type, sharing the same cells.
abstract  FloatMatrix2D FloatMatrix1D.like2D(int rows, int columns)
          Construct and returns a new 2-d matrix of the corresponding dynamic type, entirelly independent of the receiver.
 FloatMatrix2D FloatFactory2D.make(float[][] values)
          Constructs a matrix with the given cell values.
 FloatMatrix2D FloatFactory2D.make(float[] values, int rows)
          Construct a matrix from a one-dimensional column-major packed array, ala Fortran.
 FloatMatrix2D FloatFactory2D.make(int rows, int columns)
          Constructs a matrix with the given shape, each cell initialized with zero.
 FloatMatrix2D FloatFactory2D.make(int rows, int columns, float initialValue)
          Constructs a matrix with the given shape, each cell initialized with the given value.
 FloatMatrix2D FloatFactory2D.random(int rows, int columns)
          Constructs a matrix with uniformly distributed values in (0,1) (exclusive).
 FloatMatrix2D FloatFactory2D.repeat(FloatMatrix2D A, int rowRepeat, int columnRepeat)
          C = A||A||..||A; Constructs a new matrix which is duplicated both along the row and column dimension.
abstract  FloatMatrix2D FloatMatrix1D.reshape(int rows, int columns)
          Returns new FloatMatrix2D of size rows x columns whose elements are taken column-wise from this matrix.
 FloatMatrix2D FloatFactory2D.sample(FloatMatrix2D matrix, float value, float nonZeroFraction)
          Modifies the given matrix to be a randomly sampled matrix.
 FloatMatrix2D FloatFactory2D.sample(int rows, int columns, float value, float nonZeroFraction)
          Constructs a randomly sampled matrix with the given shape.
 FloatMatrix2D FloatMatrix3D.viewColumn(int column)
          Constructs and returns a new 2-dimensional slice view representing the slices and rows of the given column.
 FloatMatrix2D FloatMatrix2D.viewColumnFlip()
          Constructs and returns a new flip view along the column axis.
 FloatMatrix2D FloatMatrix2D.viewDice()
          Constructs and returns a new dice (transposition) view; Swaps axes; example: 3 x 4 matrix --> 4 x 3 matrix.
 FloatMatrix2D FloatMatrix2D.viewPart(int row, int column, int height, int width)
          Constructs and returns a new sub-range view that is a height x width sub matrix starting at [row,column].
 FloatMatrix2D FloatMatrix3D.viewRow(int row)
          Constructs and returns a new 2-dimensional slice view representing the slices and columns of the given row.
 FloatMatrix2D FloatMatrix2D.viewRowFlip()
          Constructs and returns a new flip view along the row axis.
 FloatMatrix2D FloatMatrix2D.viewSelection(FloatMatrix1DProcedure condition)
          Constructs and returns a new selection view that is a matrix holding all rows matching the given condition.
 FloatMatrix2D FloatMatrix2D.viewSelection(int[] rowIndexes, int[] columnIndexes)
          Constructs and returns a new selection view that is a matrix holding the indicated cells.
 FloatMatrix2D FloatMatrix2D.viewSelection(Set<int[]> indexes)
           
 FloatMatrix2D FloatMatrix3D.viewSlice(int slice)
          Constructs and returns a new 2-dimensional slice view representing the rows and columns of the given slice.
 FloatMatrix2D FloatMatrix2D.viewSorted(int column)
          Sorts the matrix rows into ascending order, according to the natural ordering of the matrix values in the given column.
 FloatMatrix2D FloatMatrix2D.viewStrides(int rowStride, int columnStride)
          Constructs and returns a new stride view which is a sub matrix consisting of every i-th cell.
 FloatMatrix2D FloatMatrix2D.zMult(FloatMatrix2D B, FloatMatrix2D C)
          Linear algebraic matrix-matrix multiplication; C = A x B; Equivalent to A.zMult(B,C,1,0,false,false).
 FloatMatrix2D FloatMatrix2D.zMult(FloatMatrix2D B, FloatMatrix2D C, float alpha, float beta, boolean transposeA, boolean transposeB)
          Linear algebraic matrix-matrix multiplication; C = alpha * A x B + beta*C.
 

Methods in cern.colt.matrix.tfloat with parameters of type FloatMatrix2D
 float FloatMatrix2D.aggregate(FloatMatrix2D other, FloatFloatFunction aggr, FloatFloatFunction f)
          Applies a function to each corresponding cell of two matrices and aggregates the results.
 FloatMatrix2D FloatFactory2D.appendColumn(FloatMatrix2D A, FloatMatrix1D b)
          C = A||b; Constructs a new matrix which is the column-wise concatenation of two other matrices.
 FloatMatrix2D FloatFactory2D.appendColumns(FloatMatrix2D A, FloatMatrix2D B)
          C = A||B; Constructs a new matrix which is the column-wise concatenation of two other matrices.
 FloatMatrix2D FloatFactory2D.appendRow(FloatMatrix2D A, FloatMatrix1D b)
          C = A||b; Constructs a new matrix which is the row-wise concatenation of two other matrices.
 FloatMatrix2D FloatFactory2D.appendRows(FloatMatrix2D A, FloatMatrix2D B)
          C = A||B; Constructs a new matrix which is the row-wise concatenation of two other matrices.
 boolean FloatMatrix2DProcedure.apply(FloatMatrix2D element)
          Applies a procedure to an argument.
 FloatMatrix2D FloatMatrix2D.assign(FloatMatrix2D other)
          Replaces all cell values of the receiver with the values of another matrix.
 FloatMatrix2D FloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function)
          Assigns the result of a function to each cell; x[row,col] = function(x[row,col],y[row,col]).
 FloatMatrix2D FloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function, IntArrayList rowList, IntArrayList columnList)
          Assigns the result of a function to all cells with a given indexes
 FloatMatrix2D FloatFactory2D.compose(FloatMatrix2D[][] parts)
          Constructs a block matrix made from the given parts.
 FloatMatrix2D FloatFactory2D.composeBidiagonal(FloatMatrix2D A, FloatMatrix2D B)
          Constructs a bidiagonal block matrix from the given parts.
 FloatMatrix2D FloatFactory2D.composeDiagonal(FloatMatrix2D A, FloatMatrix2D B)
          Constructs a diagonal block matrix from the given parts (the direct sum of two matrices).
 FloatMatrix2D FloatFactory2D.composeDiagonal(FloatMatrix2D A, FloatMatrix2D B, FloatMatrix2D C)
          Constructs a diagonal block matrix from the given parts.
 void FloatFactory2D.decompose(FloatMatrix2D[][] parts, FloatMatrix2D matrix)
          Splits a block matrix into its constituent blocks; Copies blocks of a matrix into the given parts.
 void FloatFactory2D.decompose(FloatMatrix2D[][] parts, FloatMatrix2D matrix)
          Splits a block matrix into its constituent blocks; Copies blocks of a matrix into the given parts.
 FloatMatrix1D FloatFactory2D.diagonal(FloatMatrix2D A)
          Constructs a new vector consisting of the diagonal elements of A .
 FloatMatrix2D FloatFactory2D.repeat(FloatMatrix2D A, int rowRepeat, int columnRepeat)
          C = A||A||..||A; Constructs a new matrix which is duplicated both along the row and column dimension.
 FloatMatrix2D FloatFactory2D.sample(FloatMatrix2D matrix, float value, float nonZeroFraction)
          Modifies the given matrix to be a randomly sampled matrix.
 void FloatMatrix2D.zAssign8Neighbors(FloatMatrix2D B, Float9Function function)
          8 neighbor stencil transformation.
 FloatMatrix2D FloatMatrix2D.zMult(FloatMatrix2D B, FloatMatrix2D C)
          Linear algebraic matrix-matrix multiplication; C = A x B; Equivalent to A.zMult(B,C,1,0,false,false).
 FloatMatrix2D FloatMatrix2D.zMult(FloatMatrix2D B, FloatMatrix2D C, float alpha, float beta, boolean transposeA, boolean transposeB)
          Linear algebraic matrix-matrix multiplication; C = alpha * A x B + beta*C.
 

Uses of FloatMatrix2D in cern.colt.matrix.tfloat.algo
 

Methods in cern.colt.matrix.tfloat.algo that return FloatMatrix2D
static FloatMatrix2D FloatStatistic.aggregate(FloatMatrix2D matrix, FloatBinFunction1D[] aggr, FloatMatrix2D result)
          Applies the given aggregation functions to each column and stores the results in a the result matrix.
static FloatMatrix2D FloatStatistic.correlation(FloatMatrix2D covariance)
          Modifies the given covariance matrix to be a correlation matrix (in-place).
static FloatMatrix2D FloatStatistic.covariance(FloatMatrix2D matrix)
          Constructs and returns the covariance matrix of the given matrix.
static FloatMatrix2D FloatStatistic.distance(FloatMatrix2D matrix, FloatStatistic.VectorVectorFunction distanceFunction)
          Constructs and returns the distance matrix of the given matrix.
 FloatMatrix2D DenseFloatAlgebra.inverse(FloatMatrix2D A)
          Returns the inverse or pseudo-inverse of matrix A.
 FloatMatrix2D DenseFloatAlgebra.kron(FloatMatrix2D X, FloatMatrix2D Y)
          Computes the Kronecker product of two real matrices.
 FloatMatrix2D DenseFloatAlgebra.mult(FloatMatrix2D A, FloatMatrix2D B)
          Linear algebraic matrix-matrix multiplication; C = A x B.
 FloatMatrix2D DenseFloatAlgebra.multOuter(FloatMatrix1D x, FloatMatrix1D y, FloatMatrix2D A)
          Outer product of two vectors; Sets A[i,j] = x[i] * y[j].
static FloatMatrix2D FloatPartitioning.partition(FloatMatrix2D matrix, int column, float[] splitters, int[] splitIndexes)
          Same as Partitioning.partition(int[],int,int,int[],int,int,int[]) except that it synchronously partitions the rows of the given matrix by the values of the given matrix column; This is essentially the same as partitioning a list of composite objects by some instance variable; In other words, two entire rows of the matrix are swapped, whenever two column values indicate so.
 FloatMatrix2D DenseFloatAlgebra.permute(FloatMatrix2D A, int[] rowIndexes, int[] columnIndexes)
          Constructs and returns a new row and column permuted selection view of matrix A; equivalent to viewSelection(int[],int[]).
 FloatMatrix2D DenseFloatAlgebra.permuteColumns(FloatMatrix2D A, int[] indexes, int[] work)
          Modifies the given matrix A such that it's columns are permuted as specified; Useful for pivoting.
 FloatMatrix2D DenseFloatAlgebra.permuteRows(FloatMatrix2D A, int[] indexes, int[] work)
          Modifies the given matrix A such that it's rows are permuted as specified; Useful for pivoting.
 FloatMatrix2D DenseFloatAlgebra.pow(FloatMatrix2D A, int p)
          Linear algebraic matrix power; B = Ak <==> B = A*A*...*A.
 FloatMatrix2D DenseFloatAlgebra.solve(FloatMatrix2D A, FloatMatrix2D B)
          Solves A*X = B.
 FloatMatrix2D DenseFloatAlgebra.solveTranspose(FloatMatrix2D A, FloatMatrix2D B)
          Solves X*A = B, which is also A'*X' = B'.
 FloatMatrix2D FloatSorting.sort(FloatMatrix2D matrix, float[] aggregates)
          Sorts the matrix rows into ascending order, according to the natural ordering of the matrix values in the virtual column aggregates; Particularly efficient when comparing expensive aggregates, because aggregates need not be recomputed time and again, as is the case for comparator based sorts.
 FloatMatrix2D FloatSorting.sort(FloatMatrix2D matrix, FloatBinFunction1D aggregate)
          Sorts the matrix rows into ascending order, according to the natural ordering of the values computed by applying the given aggregation function to each row; Particularly efficient when comparing expensive aggregates, because aggregates need not be recomputed time and again, as is the case for comparator based sorts.
 FloatMatrix2D FloatSorting.sort(FloatMatrix2D matrix, FloatMatrix1DComparator c)
          Sorts the matrix rows according to the order induced by the specified comparator.
 FloatMatrix2D FloatSorting.sort(FloatMatrix2D matrix, int column)
          Sorts the matrix rows into ascending order, according to the natural ordering of the matrix values in the given column.
 FloatMatrix2D DenseFloatAlgebra.subMatrix(FloatMatrix2D A, int[] rowIndexes, int columnFrom, int columnTo)
          Copies the columns of the indicated rows into a new sub matrix.
 FloatMatrix2D DenseFloatAlgebra.subMatrix(FloatMatrix2D A, int rowFrom, int rowTo, int[] columnIndexes)
          Copies the rows of the indicated columns into a new sub matrix.
 FloatMatrix2D DenseFloatAlgebra.subMatrix(FloatMatrix2D A, int fromRow, int toRow, int fromColumn, int toColumn)
          Constructs and returns a new sub-range view which is the sub matrix A[fromRow..toRow,fromColumn..toColumn].
 FloatMatrix2D DenseFloatAlgebra.transpose(FloatMatrix2D A)
          Constructs and returns a new view which is the transposition of the given matrix A.
 FloatMatrix2D DenseFloatAlgebra.trapezoidalLower(FloatMatrix2D A)
          Modifies the matrix to be a lower trapezoidal matrix.
static FloatMatrix2D FloatStatistic.viewSample(FloatMatrix2D matrix, float rowFraction, float columnFraction, FloatRandomEngine randomGenerator)
          Constructs and returns a sampling view with round(matrix.rows() * rowFraction) rows and round(matrix.columns() * columnFraction) columns.
 FloatMatrix2D DenseFloatAlgebra.xmultOuter(FloatMatrix1D x, FloatMatrix1D y)
          Outer product of two vectors; Returns a matrix with A[i,j] = x[i] * y[j].
 FloatMatrix2D DenseFloatAlgebra.xpowSlow(FloatMatrix2D A, int k)
          Linear algebraic matrix power; B = Ak <==> B = A*A*...*A.
 

Methods in cern.colt.matrix.tfloat.algo with parameters of type FloatMatrix2D
static FloatMatrix2D FloatStatistic.aggregate(FloatMatrix2D matrix, FloatBinFunction1D[] aggr, FloatMatrix2D result)
          Applies the given aggregation functions to each column and stores the results in a the result matrix.
 float FloatMatrix2DMatrix2DFunction.apply(FloatMatrix2D x, FloatMatrix2D y)
          Applies a function to two arguments.
 void SmpFloatBlas.assign(FloatMatrix2D A, FloatFunction function)
           
 void FloatBlas.assign(FloatMatrix2D A, FloatFunction function)
          Assigns the result of a function to each cell; x[row,col] = function(x[row,col]).
 void SmpFloatBlas.assign(FloatMatrix2D A, FloatMatrix2D B, FloatFloatFunction function)
           
 void FloatBlas.assign(FloatMatrix2D x, FloatMatrix2D y, FloatFloatFunction function)
          Assigns the result of a function to each cell; x[row,col] = function(x[row,col],y[row,col]).
 FloatMatrix1D DenseFloatAlgebra.backwardSolve(FloatMatrix2D U, FloatMatrix1D b)
          Solves the upper triangular system U*x=b;
 void FloatProperty.checkDense(FloatMatrix2D A)
           
 void FloatProperty.checkRectangular(FloatMatrix2D A)
          Checks whether the given matrix A is rectangular.
 void FloatProperty.checkSparse(FloatMatrix2D A)
           
 void FloatProperty.checkSquare(FloatMatrix2D A)
          Checks whether the given matrix A is square.
 DenseFloatCholeskyDecomposition DenseFloatAlgebra.chol(FloatMatrix2D matrix)
          Constructs and returns the cholesky-decomposition of the given matrix.
 SparseFloatCholeskyDecomposition SparseFloatAlgebra.chol(FloatMatrix2D matrix, int order)
          Constructs and returns the Cholesky-decomposition of the given matrix.
 int FloatMatrix2DComparator.compare(FloatMatrix2D o1, FloatMatrix2D o2)
          Compares its two arguments for order.
 float DenseFloatAlgebra.cond(FloatMatrix2D A)
          Returns the condition of matrix A, which is the ratio of largest to smallest singular value.
static FloatMatrix2D FloatStatistic.correlation(FloatMatrix2D covariance)
          Modifies the given covariance matrix to be a correlation matrix (in-place).
static FloatMatrix2D FloatStatistic.covariance(FloatMatrix2D matrix)
          Constructs and returns the covariance matrix of the given matrix.
 void SmpFloatBlas.daxpy(float alpha, FloatMatrix2D A, FloatMatrix2D B)
           
 void FloatBlas.daxpy(float alpha, FloatMatrix2D A, FloatMatrix2D B)
          Combined matrix scaling; B = B + alpha*A.
 void SmpFloatBlas.dcopy(FloatMatrix2D A, FloatMatrix2D B)
           
 void FloatBlas.dcopy(FloatMatrix2D A, FloatMatrix2D B)
          Matrix assignment (copying); B = A.
 float FloatProperty.density(FloatMatrix2D A)
          Returns the matrix's fraction of non-zero cells; A.cardinality() / A.size().
 float SparseFloatAlgebra.det(FloatMatrix2D A)
          Returns the determinant of matrix A.
 float DenseFloatAlgebra.det(FloatMatrix2D A)
          Returns the determinant of matrix A.
 void SmpFloatBlas.dgemm(boolean transposeA, boolean transposeB, float alpha, FloatMatrix2D A, FloatMatrix2D B, float beta, FloatMatrix2D C)
           
 void FloatBlas.dgemm(boolean transposeA, boolean transposeB, float alpha, FloatMatrix2D A, FloatMatrix2D B, float beta, FloatMatrix2D C)
          Generalized linear algebraic matrix-matrix multiply; C = alpha*A*B + beta*C.
 void SmpFloatBlas.dgemv(boolean transposeA, float alpha, FloatMatrix2D A, FloatMatrix1D x, float beta, FloatMatrix1D y)
           
 void FloatBlas.dgemv(boolean transposeA, float alpha, FloatMatrix2D A, FloatMatrix1D x, float beta, FloatMatrix1D y)
          Generalized linear algebraic matrix-vector multiply; y = alpha*A*x + beta*y.
 void SmpFloatBlas.dger(float alpha, FloatMatrix1D x, FloatMatrix1D y, FloatMatrix2D A)
           
 void FloatBlas.dger(float alpha, FloatMatrix1D x, FloatMatrix1D y, FloatMatrix2D A)
          Performs a rank 1 update; A = A + alpha*x*y'.
static FloatMatrix2D FloatStatistic.distance(FloatMatrix2D matrix, FloatStatistic.VectorVectorFunction distanceFunction)
          Constructs and returns the distance matrix of the given matrix.
 void SmpFloatBlas.dscal(float alpha, FloatMatrix2D A)
           
 void FloatBlas.dscal(float alpha, FloatMatrix2D A)
          Matrix scaling; A = alpha*A.
 void SmpFloatBlas.dswap(FloatMatrix2D A, FloatMatrix2D B)
           
 void FloatBlas.dswap(FloatMatrix2D x, FloatMatrix2D y)
          Swaps the elements of two matrices; B <==> A.
 void SmpFloatBlas.dsymv(boolean isUpperTriangular, float alpha, FloatMatrix2D A, FloatMatrix1D x, float beta, FloatMatrix1D y)
           
 void FloatBlas.dsymv(boolean isUpperTriangular, float alpha, FloatMatrix2D A, FloatMatrix1D x, float beta, FloatMatrix1D y)
          Symmetric matrix-vector multiplication; y = alpha*A*x + beta*y.
 void SmpFloatBlas.dtrmv(boolean isUpperTriangular, boolean transposeA, boolean isUnitTriangular, FloatMatrix2D A, FloatMatrix1D x)
           
 void FloatBlas.dtrmv(boolean isUpperTriangular, boolean transposeA, boolean isUnitTriangular, FloatMatrix2D A, FloatMatrix1D x)
          Triangular matrix-vector multiplication; x = A*x or x = A'*x.
 DenseFloatEigenvalueDecomposition DenseFloatAlgebra.eig(FloatMatrix2D matrix)
          Constructs and returns the Eigenvalue-decomposition of the given matrix.
 boolean FloatProperty.equals(FloatMatrix2D A, float value)
          Returns whether all cells of the given matrix A are equal to the given value.
 boolean FloatProperty.equals(FloatMatrix2D A, FloatMatrix2D B)
          Returns whether both given matrices A and B are equal.
 String[][] FloatFormatter.format(FloatMatrix2D matrix)
          Returns a string representations of all cells; no alignment considered.
 FloatMatrix1D DenseFloatAlgebra.forwardSolve(FloatMatrix2D L, FloatMatrix1D b)
          Solves the lower triangular system U*x=b;
 void FloatProperty.generateNonSingular(FloatMatrix2D A)
          Modifies the given matrix square matrix A such that it is diagonally dominant by row and column, hence non-singular, hence invertible.
static FloatIHistogram1D[][] FloatStatistic.histogram(FloatIHistogram1D[][] histo, FloatMatrix2D matrix, int m, int n)
          Splits the given matrix into m x n pieces and computes 1D histogram of each piece.
static FloatIHistogram1D FloatStatistic.histogram(FloatIHistogram1D histo, FloatMatrix2D matrix)
          Fills all cells of the given matrix into the given histogram.
 FloatMatrix2D DenseFloatAlgebra.inverse(FloatMatrix2D A)
          Returns the inverse or pseudo-inverse of matrix A.
 boolean FloatProperty.isDiagonal(FloatMatrix2D A)
          A matrix A is diagonal if A[i,j] == 0 whenever i != j.
 boolean FloatProperty.isDiagonallyDominantByColumn(FloatMatrix2D A)
          A matrix A is diagonally dominant by column if the absolute value of each diagonal element is larger than the sum of the absolute values of the off-diagonal elements in the corresponding column.
 boolean FloatProperty.isDiagonallyDominantByRow(FloatMatrix2D A)
          A matrix A is diagonally dominant by row if the absolute value of each diagonal element is larger than the sum of the absolute values of the off-diagonal elements in the corresponding row.
 boolean FloatProperty.isIdentity(FloatMatrix2D A)
          A matrix A is an identity matrix if A[i,i] == 1 and all other cells are zero.
 boolean FloatProperty.isLowerBidiagonal(FloatMatrix2D A)
          A matrix A is lower bidiagonal if A[i,j]==0 unless i==j || i==j+1.
 boolean FloatProperty.isLowerTriangular(FloatMatrix2D A)
          A matrix A is lower triangular if A[i,j]==0 whenever i < j.
 boolean FloatProperty.isNonNegative(FloatMatrix2D A)
          A matrix A is non-negative if A[i,j] >= 0 holds for all cells.
 boolean FloatProperty.isOrthogonal(FloatMatrix2D A)
          A square matrix A is orthogonal if A*transpose(A) = I.
 boolean FloatProperty.isPositive(FloatMatrix2D A)
          A matrix A is positive if A[i,j] > 0 holds for all cells.
 boolean FloatProperty.isSingular(FloatMatrix2D A)
          A matrix A is singular if it has no inverse, that is, iff det(A)==0.
 boolean FloatProperty.isSkewSymmetric(FloatMatrix2D A)
          A square matrix A is skew-symmetric if A = -transpose(A), that is A[i,j] == -A[j,i].
 boolean FloatProperty.isSquare(FloatMatrix2D A)
          A matrix A is square if it has the same number of rows and columns.
 boolean FloatProperty.isStrictlyLowerTriangular(FloatMatrix2D A)
          A matrix A is strictly lower triangular if A[i,j]==0 whenever i <= j.
 boolean FloatProperty.isStrictlyTriangular(FloatMatrix2D A)
          A matrix A is strictly triangular if it is triangular and its diagonal elements all equal 0.
 boolean FloatProperty.isStrictlyUpperTriangular(FloatMatrix2D A)
          A matrix A is strictly upper triangular if A[i,j]==0 whenever i >= j.
 boolean FloatProperty.isSymmetric(FloatMatrix2D A)
          A matrix A is symmetric if A = tranpose(A), that is A[i,j] == A[j,i].
 boolean FloatProperty.isTriangular(FloatMatrix2D A)
          A matrix A is triangular iff it is either upper or lower triangular.
 boolean FloatProperty.isTridiagonal(FloatMatrix2D A)
          A matrix A is tridiagonal if A[i,j]==0 whenever Math.abs(i-j) > 1.
 boolean FloatProperty.isUnitTriangular(FloatMatrix2D A)
          A matrix A is unit triangular if it is triangular and its diagonal elements all equal 1.
 boolean FloatProperty.isUpperBidiagonal(FloatMatrix2D A)
          A matrix A is upper bidiagonal if A[i,j]==0 unless i==j || i==j-1.
 boolean FloatProperty.isUpperTriangular(FloatMatrix2D A)
          A matrix A is upper triangular if A[i,j]==0 whenever i > j.
 boolean FloatProperty.isZero(FloatMatrix2D A)
          A matrix A is zero if all its cells are zero.
 FloatMatrix2D DenseFloatAlgebra.kron(FloatMatrix2D X, FloatMatrix2D Y)
          Computes the Kronecker product of two real matrices.
 int FloatProperty.lowerBandwidth(FloatMatrix2D A)
          The lower bandwidth of a square matrix A is the maximum i-j for which A[i,j] is nonzero and i > j.
 DenseFloatLUDecomposition DenseFloatAlgebra.lu(FloatMatrix2D matrix)
          Constructs and returns the LU-decomposition of the given matrix.
 SparseFloatLUDecomposition SparseFloatAlgebra.lu(FloatMatrix2D matrix, int order)
          Constructs and returns the LU-decomposition of the given matrix.
 FloatMatrix1D DenseFloatAlgebra.mult(FloatMatrix2D A, FloatMatrix1D y)
          Linear algebraic matrix-vector multiplication; z = A * y.
 FloatMatrix2D DenseFloatAlgebra.mult(FloatMatrix2D A, FloatMatrix2D B)
          Linear algebraic matrix-matrix multiplication; C = A x B.
 FloatMatrix2D DenseFloatAlgebra.multOuter(FloatMatrix1D x, FloatMatrix1D y, FloatMatrix2D A)
          Outer product of two vectors; Sets A[i,j] = x[i] * y[j].
 float DenseFloatAlgebra.norm(FloatMatrix2D A, Norm type)
           
 float SparseFloatAlgebra.norm1(FloatMatrix2D A)
          Returns the 1-norm of matrix A, which is the maximum absolute column sum.
 float DenseFloatAlgebra.norm1(FloatMatrix2D A)
          Returns the one-norm of matrix A, which is the maximum absolute column sum.
 float DenseFloatAlgebra.norm2(FloatMatrix2D A)
          Returns the two-norm of matrix A, which is the maximum singular value; obtained from SVD.
 float DenseFloatAlgebra.normF(FloatMatrix2D A)
          Returns the Frobenius norm of matrix A, which is Sqrt(Sum(A[i,j]2)).
 float SparseFloatAlgebra.normInfinity(FloatMatrix2D A)
          Returns the infinity norm of matrix A, which is the maximum absolute row sum.
 float DenseFloatAlgebra.normInfinity(FloatMatrix2D A)
          Returns the infinity norm of matrix A, which is the maximum absolute row sum.
static void FloatPartitioning.partition(FloatMatrix2D matrix, int[] rowIndexes, int rowFrom, int rowTo, int column, float[] splitters, int splitFrom, int splitTo, int[] splitIndexes)
          Same as Partitioning.partition(int[],int,int,int[],int,int,int[]) except that it synchronously partitions the rows of the given matrix by the values of the given matrix column; This is essentially the same as partitioning a list of composite objects by some instance variable; In other words, two entire rows of the matrix are swapped, whenever two column values indicate so.
static FloatMatrix2D FloatPartitioning.partition(FloatMatrix2D matrix, int column, float[] splitters, int[] splitIndexes)
          Same as Partitioning.partition(int[],int,int,int[],int,int,int[]) except that it synchronously partitions the rows of the given matrix by the values of the given matrix column; This is essentially the same as partitioning a list of composite objects by some instance variable; In other words, two entire rows of the matrix are swapped, whenever two column values indicate so.
 FloatMatrix2D DenseFloatAlgebra.permute(FloatMatrix2D A, int[] rowIndexes, int[] columnIndexes)
          Constructs and returns a new row and column permuted selection view of matrix A; equivalent to viewSelection(int[],int[]).
 FloatMatrix2D DenseFloatAlgebra.permuteColumns(FloatMatrix2D A, int[] indexes, int[] work)
          Modifies the given matrix A such that it's columns are permuted as specified; Useful for pivoting.
 FloatMatrix2D DenseFloatAlgebra.permuteRows(FloatMatrix2D A, int[] indexes, int[] work)
          Modifies the given matrix A such that it's rows are permuted as specified; Useful for pivoting.
 FloatMatrix2D DenseFloatAlgebra.pow(FloatMatrix2D A, int p)
          Linear algebraic matrix power; B = Ak <==> B = A*A*...*A.
 DenseFloatQRDecomposition DenseFloatAlgebra.qr(FloatMatrix2D matrix)
          Constructs and returns the QR-decomposition of the given matrix.
 SparseFloatQRDecomposition SparseFloatAlgebra.qr(FloatMatrix2D matrix, int order)
          Constructs and returns the QR-decomposition of the given matrix.
 int DenseFloatAlgebra.rank(FloatMatrix2D A)
          Returns the effective numerical rank of matrix A, obtained from Singular Value Decomposition.
 int FloatProperty.semiBandwidth(FloatMatrix2D A)
          Returns the semi-bandwidth of the given square matrix A.
 FloatMatrix1D SparseFloatAlgebra.solve(FloatMatrix2D A, FloatMatrix1D b)
          Solves A*x = b.
 FloatMatrix1D DenseFloatAlgebra.solve(FloatMatrix2D A, FloatMatrix1D b)
          Solves A*x = b.
 FloatMatrix2D DenseFloatAlgebra.solve(FloatMatrix2D A, FloatMatrix2D B)
          Solves A*X = B.
 FloatMatrix2D DenseFloatAlgebra.solveTranspose(FloatMatrix2D A, FloatMatrix2D B)
          Solves X*A = B, which is also A'*X' = B'.
 FloatMatrix2D FloatSorting.sort(FloatMatrix2D matrix, float[] aggregates)
          Sorts the matrix rows into ascending order, according to the natural ordering of the matrix values in the virtual column aggregates; Particularly efficient when comparing expensive aggregates, because aggregates need not be recomputed time and again, as is the case for comparator based sorts.
 FloatMatrix2D FloatSorting.sort(FloatMatrix2D matrix, FloatBinFunction1D aggregate)
          Sorts the matrix rows into ascending order, according to the natural ordering of the values computed by applying the given aggregation function to each row; Particularly efficient when comparing expensive aggregates, because aggregates need not be recomputed time and again, as is the case for comparator based sorts.
 FloatMatrix2D FloatSorting.sort(FloatMatrix2D matrix, FloatMatrix1DComparator c)
          Sorts the matrix rows according to the order induced by the specified comparator.
 FloatMatrix2D FloatSorting.sort(FloatMatrix2D matrix, int column)
          Sorts the matrix rows into ascending order, according to the natural ordering of the matrix values in the given column.
static int FloatStencil.stencil9(FloatMatrix2D A, Float9Function function, int maxIterations, FloatMatrix2DProcedure hasConverged, int convergenceIterations)
          9 point stencil operation.
 FloatMatrix2D DenseFloatAlgebra.subMatrix(FloatMatrix2D A, int[] rowIndexes, int columnFrom, int columnTo)
          Copies the columns of the indicated rows into a new sub matrix.
 FloatMatrix2D DenseFloatAlgebra.subMatrix(FloatMatrix2D A, int rowFrom, int rowTo, int[] columnIndexes)
          Copies the rows of the indicated columns into a new sub matrix.
 FloatMatrix2D DenseFloatAlgebra.subMatrix(FloatMatrix2D A, int fromRow, int toRow, int fromColumn, int toColumn)
          Constructs and returns a new sub-range view which is the sub matrix A[fromRow..toRow,fromColumn..toColumn].
 DenseFloatSingularValueDecomposition DenseFloatAlgebra.svd(FloatMatrix2D matrix)
          Constructs and returns the SingularValue-decomposition of the given matrix.
 String FloatFormatter.toSourceCode(FloatMatrix2D matrix)
          Returns a string s such that Object[] m = s is a legal Java statement.
 String FloatProperty.toString(FloatMatrix2D A)
          Returns summary information about the given matrix A.
 String FloatFormatter.toString(FloatMatrix2D matrix)
          Returns a string representation of the given matrix.
 String DenseFloatAlgebra.toString(FloatMatrix2D matrix)
          Returns a String with (propertyName, propertyValue) pairs.
 String FloatFormatter.toTitleString(FloatMatrix2D matrix, String[] rowNames, String[] columnNames, String rowAxisName, String columnAxisName, String title, FloatBinFunction1D[] aggr)
          Same as toTitleString except that additionally statistical aggregates (mean, median, sum, etc.) of rows and columns are printed.
 String DenseFloatAlgebra.toVerboseString(FloatMatrix2D matrix)
          Returns the results of toString(A) and additionally the results of all sorts of decompositions applied to the given matrix.
 float DenseFloatAlgebra.trace(FloatMatrix2D A)
          Returns the sum of the diagonal elements of matrix A; Sum(A[i,i]).
 FloatMatrix2D DenseFloatAlgebra.transpose(FloatMatrix2D A)
          Constructs and returns a new view which is the transposition of the given matrix A.
 FloatMatrix2D DenseFloatAlgebra.trapezoidalLower(FloatMatrix2D A)
          Modifies the matrix to be a lower trapezoidal matrix.
 int FloatProperty.upperBandwidth(FloatMatrix2D A)
          The upper bandwidth of a square matrix A is the maximum j-i for which A[i,j] is nonzero and j > i.
 float DenseFloatAlgebra.vectorNorm2(FloatMatrix2D X)
          Returns the two-norm (aka euclidean norm) of vector X.vectorize();
static FloatMatrix2D FloatStatistic.viewSample(FloatMatrix2D matrix, float rowFraction, float columnFraction, FloatRandomEngine randomGenerator)
          Constructs and returns a sampling view with round(matrix.rows() * rowFraction) rows and round(matrix.columns() * columnFraction) columns.
 FloatMatrix2D DenseFloatAlgebra.xpowSlow(FloatMatrix2D A, int k)
          Linear algebraic matrix power; B = Ak <==> B = A*A*...*A.
 

Uses of FloatMatrix2D in cern.colt.matrix.tfloat.algo.decomposition
 

Methods in cern.colt.matrix.tfloat.algo.decomposition that return FloatMatrix2D
 FloatMatrix2D DenseFloatEigenvalueDecomposition.getD()
          Returns the block diagonal eigenvalue matrix, D.
 FloatMatrix2D DenseFloatQRDecomposition.getH()
          Returns the Householder vectors H.
 FloatMatrix2D SparseFloatLUDecomposition.getL()
          Returns the lower triangular factor, L.
 FloatMatrix2D SparseFloatCholeskyDecomposition.getL()
          Returns the triangular factor, L.
 FloatMatrix2D DenseFloatLUDecompositionQuick.getL()
          Returns the lower triangular factor, L.
 FloatMatrix2D DenseFloatLUDecomposition.getL()
          Returns the lower triangular factor, L.
 FloatMatrix2D DenseFloatCholeskyDecomposition.getL()
          Returns the triangular factor, L.
 FloatMatrix2D SparseFloatCholeskyDecomposition.getLtranspose()
          Returns the triangular factor, L'.
 FloatMatrix2D DenseFloatCholeskyDecomposition.getLtranspose()
           
 FloatMatrix2D DenseFloatLUDecompositionQuick.getLU()
          Returns a copy of the combined lower and upper triangular factor, LU.
 FloatMatrix2D DenseFloatQRDecomposition.getQ()
          Generates and returns the (economy-sized) orthogonal factor Q.
 FloatMatrix2D SparseFloatQRDecomposition.getR()
          Returns a copy of the upper triangular factor, R.
 FloatMatrix2D DenseFloatQRDecomposition.getR()
          Returns the upper triangular factor, R.
 FloatMatrix2D DenseFloatSingularValueDecomposition.getS()
          Returns the diagonal matrix of singular values.
 FloatMatrix2D SparseFloatLUDecomposition.getU()
          Returns the upper triangular factor, U.
 FloatMatrix2D DenseFloatSingularValueDecomposition.getU()
          Returns the left singular vectors U.
 FloatMatrix2D DenseFloatLUDecompositionQuick.getU()
          Returns the upper triangular factor, U.
 FloatMatrix2D DenseFloatLUDecomposition.getU()
          Returns the upper triangular factor, U.
 FloatMatrix2D SparseFloatQRDecomposition.getV()
          Returns a copy of the Householder vectors v, from the Householder reflections H = I - beta*v*v'.
 FloatMatrix2D DenseFloatSingularValueDecomposition.getV()
          Returns the right singular vectors V.
 FloatMatrix2D DenseFloatEigenvalueDecomposition.getV()
          Returns the eigenvector matrix, V
 FloatMatrix2D DenseFloatQRDecomposition.solve(FloatMatrix2D B)
          Least squares solution of A*X = B; returns X.
 FloatMatrix2D DenseFloatLUDecomposition.solve(FloatMatrix2D B)
          Solves A*X = B.
 FloatMatrix2D DenseFloatCholeskyDecomposition.solve(FloatMatrix2D B)
          Solves A*X = B; returns X.
 

Methods in cern.colt.matrix.tfloat.algo.decomposition with parameters of type FloatMatrix2D
 void DenseFloatLUDecompositionQuick.decompose(FloatMatrix2D A)
          Decomposes matrix A into L and U (in-place).
 void DenseFloatLUDecompositionQuick.decompose(FloatMatrix2D A, int semiBandwidth)
          Decomposes the banded and square matrix A into L and U (in-place).
 void DenseFloatLUDecompositionQuick.setLU(FloatMatrix2D LU)
          Sets the combined lower and upper triangular factor, LU.
 FloatMatrix2D DenseFloatQRDecomposition.solve(FloatMatrix2D B)
          Least squares solution of A*X = B; returns X.
 void DenseFloatLUDecompositionQuick.solve(FloatMatrix2D B)
          Solves the system of equations A*X = B (in-place).
 FloatMatrix2D DenseFloatLUDecomposition.solve(FloatMatrix2D B)
          Solves A*X = B.
 FloatMatrix2D DenseFloatCholeskyDecomposition.solve(FloatMatrix2D B)
          Solves A*X = B; returns X.
 

Constructors in cern.colt.matrix.tfloat.algo.decomposition with parameters of type FloatMatrix2D
DenseFloatCholeskyDecomposition(FloatMatrix2D A)
          Constructs and returns a new Cholesky decomposition object for a symmetric and positive definite matrix; The decomposed matrices can be retrieved via instance methods of the returned decomposition object.
DenseFloatEigenvalueDecomposition(FloatMatrix2D A)
          Constructs and returns a new eigenvalue decomposition object; The decomposed matrices can be retrieved via instance methods of the returned decomposition object.
DenseFloatLUDecomposition(FloatMatrix2D A)
          Constructs and returns a new LU Decomposition object; The decomposed matrices can be retrieved via instance methods of the returned decomposition object.
DenseFloatQRDecomposition(FloatMatrix2D A)
          Constructs and returns a new QR decomposition object; computed by Householder reflections; The decomposed matrices can be retrieved via instance methods of the returned decomposition object.
DenseFloatSingularValueDecomposition(FloatMatrix2D A, boolean wantUV, boolean wantWholeUV)
          Constructs and returns a new singular value decomposition object; The decomposed matrices can be retrieved via instance methods of the returned decomposition object.
SparseFloatCholeskyDecomposition(FloatMatrix2D A, int order)
          Constructs and returns a new Cholesky decomposition object for a sparse symmetric and positive definite matrix; The decomposed matrices can be retrieved via instance methods of the returned decomposition object.
SparseFloatLUDecomposition(FloatMatrix2D A, int order, boolean checkIfSingular)
          Constructs and returns a new LU Decomposition object; The decomposed matrices can be retrieved via instance methods of the returned decomposition object.
SparseFloatQRDecomposition(FloatMatrix2D A, int order)
          Constructs and returns a new QR decomposition object; computed by Householder reflections; If m < n then then the QR of A' is computed.
 

Uses of FloatMatrix2D in cern.colt.matrix.tfloat.algo.solver
 

Methods in cern.colt.matrix.tfloat.algo.solver with parameters of type FloatMatrix2D
 void FloatGivensRotation.apply(FloatMatrix2D H, int column, int i1, int i2)
          Applies the Givens rotation to two elements in a matrix column
 FloatMatrix1D FloatQMR.solve(FloatMatrix2D A, FloatMatrix1D b, FloatMatrix1D x)
           
 FloatMatrix1D FloatMRNSD.solve(FloatMatrix2D A, FloatMatrix1D b, FloatMatrix1D x)
           
 FloatMatrix1D FloatIterativeSolver.solve(FloatMatrix2D A, FloatMatrix1D b, FloatMatrix1D x)
          Solves the given problem, writing result into the vector.
 FloatMatrix1D FloatIR.solve(FloatMatrix2D A, FloatMatrix1D b, FloatMatrix1D x)
           
 FloatMatrix1D FloatHyBR.solve(FloatMatrix2D A, FloatMatrix1D b, FloatMatrix1D x)
           
 FloatMatrix1D FloatGMRES.solve(FloatMatrix2D A, FloatMatrix1D b, FloatMatrix1D x)
           
 FloatMatrix1D FloatChebyshev.solve(FloatMatrix2D A, FloatMatrix1D b, FloatMatrix1D x)
           
 FloatMatrix1D FloatCGS.solve(FloatMatrix2D A, FloatMatrix1D b, FloatMatrix1D x)
           
 FloatMatrix1D FloatCGLS.solve(FloatMatrix2D A, FloatMatrix1D b, FloatMatrix1D x)
           
 FloatMatrix1D FloatCG.solve(FloatMatrix2D A, FloatMatrix1D b, FloatMatrix1D x)
           
 FloatMatrix1D FloatBiCGstab.solve(FloatMatrix2D A, FloatMatrix1D b, FloatMatrix1D x)
           
 FloatMatrix1D FloatBiCG.solve(FloatMatrix2D A, FloatMatrix1D b, FloatMatrix1D x)
           
 

Uses of FloatMatrix2D in cern.colt.matrix.tfloat.algo.solver.preconditioner
 

Methods in cern.colt.matrix.tfloat.algo.solver.preconditioner with parameters of type FloatMatrix2D
 void FloatSSOR.setMatrix(FloatMatrix2D A)
           
 void FloatPreconditioner.setMatrix(FloatMatrix2D A)
          Sets the operator matrix for the preconditioner.
 void FloatILUT.setMatrix(FloatMatrix2D A)
           
 void FloatILU.setMatrix(FloatMatrix2D A)
           
 void FloatIdentity.setMatrix(FloatMatrix2D A)
           
 void FloatICC.setMatrix(FloatMatrix2D A)
           
 void FloatDiagonal.setMatrix(FloatMatrix2D A)
           
 void FloatAMG.setMatrix(FloatMatrix2D A)
           
 

Uses of FloatMatrix2D in cern.colt.matrix.tfloat.impl
 

Subclasses of FloatMatrix2D in cern.colt.matrix.tfloat.impl
 class DenseColumnFloatMatrix2D
          Dense 2-d matrix holding float elements.
 class DenseFloatMatrix2D
          Dense 2-d matrix holding float elements.
 class DenseLargeFloatMatrix2D
          Dense 2-d matrix holding float elements.
 class DiagonalFloatMatrix2D
          Diagonal 2-d matrix holding float elements.
 class SparseCCFloatMatrix2D
          Sparse column-compressed 2-d matrix holding float elements.
 class SparseCCMFloatMatrix2D
          Sparse column-compressed-modified 2-d matrix holding float elements.
 class SparseFloatMatrix2D
          Sparse hashed 2-d matrix holding float elements.
 class SparseRCFloatMatrix2D
          Sparse row-compressed 2-d matrix holding float elements.
 class SparseRCMFloatMatrix2D
          Sparse row-compressed-modified 2-d matrix holding float elements.
 class WrapperFloatMatrix2D
          2-d matrix holding float elements; either a view wrapping another matrix or a matrix whose views are wrappers.
 

Methods in cern.colt.matrix.tfloat.impl that return FloatMatrix2D
 FloatMatrix2D SparseRCFloatMatrix2D.assign(float value)
           
 FloatMatrix2D SparseFloatMatrix2D.assign(float value)
           
 FloatMatrix2D SparseCCFloatMatrix2D.assign(float value)
           
 FloatMatrix2D DiagonalFloatMatrix2D.assign(float value)
           
 FloatMatrix2D DenseFloatMatrix2D.assign(float value)
           
 FloatMatrix2D DenseColumnFloatMatrix2D.assign(float value)
           
 FloatMatrix2D WrapperFloatMatrix2D.assign(float[] values)
           
 FloatMatrix2D DiagonalFloatMatrix2D.assign(float[] values)
           
 FloatMatrix2D DenseFloatMatrix2D.assign(float[] values)
           
 FloatMatrix2D DenseColumnFloatMatrix2D.assign(float[] values)
           
 FloatMatrix2D DiagonalFloatMatrix2D.assign(float[][] values)
           
 FloatMatrix2D DenseFloatMatrix2D.assign(float[][] values)
           
 FloatMatrix2D DenseColumnFloatMatrix2D.assign(float[][] values)
           
 FloatMatrix2D SparseRCFloatMatrix2D.assign(FloatFunction function)
           
 FloatMatrix2D SparseFloatMatrix2D.assign(FloatFunction function)
           
 FloatMatrix2D SparseCCFloatMatrix2D.assign(FloatFunction function)
           
 FloatMatrix2D DiagonalFloatMatrix2D.assign(FloatFunction function)
           
 FloatMatrix2D DenseFloatMatrix2D.assign(FloatFunction function)
           
 FloatMatrix2D DenseColumnFloatMatrix2D.assign(FloatFunction function)
           
 FloatMatrix2D SparseRCFloatMatrix2D.assign(FloatMatrix2D source)
           
 FloatMatrix2D SparseFloatMatrix2D.assign(FloatMatrix2D source)
           
 FloatMatrix2D SparseCCFloatMatrix2D.assign(FloatMatrix2D source)
           
 FloatMatrix2D DiagonalFloatMatrix2D.assign(FloatMatrix2D source)
           
 FloatMatrix2D DenseFloatMatrix2D.assign(FloatMatrix2D source)
           
 FloatMatrix2D DenseColumnFloatMatrix2D.assign(FloatMatrix2D source)
           
 FloatMatrix2D WrapperFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function)
           
 FloatMatrix2D SparseRCFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function)
           
 FloatMatrix2D SparseFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function)
           
 FloatMatrix2D SparseCCFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function)
           
 FloatMatrix2D DiagonalFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function)
           
 FloatMatrix2D DenseFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function)
           
 FloatMatrix2D DenseColumnFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function)
           
 FloatMatrix2D DenseFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function, IntArrayList rowList, IntArrayList columnList)
           
 FloatMatrix2D DenseColumnFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function, IntArrayList rowList, IntArrayList columnList)
           
 FloatMatrix2D DenseFloatMatrix2D.assign(FloatProcedure cond, float value)
           
 FloatMatrix2D DenseColumnFloatMatrix2D.assign(FloatProcedure cond, float value)
           
 FloatMatrix2D DenseFloatMatrix2D.assign(FloatProcedure cond, FloatFunction function)
           
 FloatMatrix2D DenseColumnFloatMatrix2D.assign(FloatProcedure cond, FloatFunction function)
           
 FloatMatrix2D SparseRCFloatMatrix2D.forEachNonZero(IntIntFloatFunction function)
           
 FloatMatrix2D SparseFloatMatrix2D.forEachNonZero(IntIntFloatFunction function)
           
 FloatMatrix2D SparseCCFloatMatrix2D.forEachNonZero(IntIntFloatFunction function)
           
 FloatMatrix2D DiagonalFloatMatrix2D.forEachNonZero(IntIntFloatFunction function)
           
 FloatMatrix2D DenseFloatMatrix2D.forEachNonZero(IntIntFloatFunction function)
           
 FloatMatrix2D DenseColumnFloatMatrix2D.forEachNonZero(IntIntFloatFunction function)
           
 FloatMatrix2D WrapperFloatMatrix2D.like(int rows, int columns)
           
 FloatMatrix2D SparseRCMFloatMatrix2D.like(int rows, int columns)
           
 FloatMatrix2D SparseRCFloatMatrix2D.like(int rows, int columns)
           
 FloatMatrix2D SparseFloatMatrix2D.like(int rows, int columns)
           
 FloatMatrix2D SparseCCMFloatMatrix2D.like(int rows, int columns)
           
 FloatMatrix2D SparseCCFloatMatrix2D.like(int rows, int columns)
           
 FloatMatrix2D DiagonalFloatMatrix2D.like(int rows, int columns)
           
 FloatMatrix2D DenseLargeFloatMatrix2D.like(int rows, int columns)
           
 FloatMatrix2D DenseFloatMatrix2D.like(int rows, int columns)
           
 FloatMatrix2D DenseColumnFloatMatrix2D.like(int rows, int columns)
           
 FloatMatrix2D WrapperFloatMatrix3D.like2D(int rows, int columns)
           
 FloatMatrix2D WrapperFloatMatrix1D.like2D(int rows, int columns)
           
 FloatMatrix2D SparseFloatMatrix3D.like2D(int rows, int columns)
           
 FloatMatrix2D SparseFloatMatrix1D.like2D(int rows, int columns)
          Construct and returns a new 2-d matrix of the corresponding dynamic type, entirelly independent of the receiver.
 FloatMatrix2D DenseFloatMatrix3D.like2D(int rows, int columns)
           
 FloatMatrix2D DenseFloatMatrix1D.like2D(int rows, int columns)
           
 FloatMatrix2D WrapperFloatMatrix1D.reshape(int rows, int columns)
           
 FloatMatrix2D SparseFloatMatrix1D.reshape(int rows, int columns)
           
 FloatMatrix2D DenseFloatMatrix1D.reshape(int rows, int columns)
           
 FloatMatrix2D WrapperFloatMatrix3D.viewColumn(int column)
           
 FloatMatrix2D WrapperFloatMatrix2D.viewColumnFlip()
           
 FloatMatrix2D WrapperFloatMatrix2D.viewDice()
           
 FloatMatrix2D WrapperFloatMatrix2D.viewPart(int row, int column, int height, int width)
           
 FloatMatrix2D WrapperFloatMatrix3D.viewRow(int row)
           
 FloatMatrix2D WrapperFloatMatrix2D.viewRowFlip()
           
 FloatMatrix2D WrapperFloatMatrix2D.viewSelection(int[] rowIndexes, int[] columnIndexes)
           
 FloatMatrix2D WrapperFloatMatrix3D.viewSlice(int slice)
           
 FloatMatrix2D WrapperFloatMatrix2D.viewStrides(int _rowStride, int _columnStride)
           
 FloatMatrix2D SparseRCFloatMatrix2D.zMult(FloatMatrix2D B, FloatMatrix2D C, float alpha, float beta, boolean transposeA, boolean transposeB)
           
 FloatMatrix2D SparseFloatMatrix2D.zMult(FloatMatrix2D B, FloatMatrix2D C, float alpha, float beta, boolean transposeA, boolean transposeB)
           
 FloatMatrix2D SparseCCFloatMatrix2D.zMult(FloatMatrix2D B, FloatMatrix2D C, float alpha, float beta, boolean transposeA, boolean transposeB)
           
 FloatMatrix2D DenseFloatMatrix2D.zMult(FloatMatrix2D B, FloatMatrix2D C, float alpha, float beta, boolean transposeA, boolean transposeB)
           
 FloatMatrix2D DenseColumnFloatMatrix2D.zMult(FloatMatrix2D B, FloatMatrix2D C, float alpha, float beta, boolean transposeA, boolean transposeB)
           
 

Methods in cern.colt.matrix.tfloat.impl with parameters of type FloatMatrix2D
 float DenseFloatMatrix2D.aggregate(FloatMatrix2D other, FloatFloatFunction aggr, FloatFloatFunction f)
           
 float DenseColumnFloatMatrix2D.aggregate(FloatMatrix2D other, FloatFloatFunction aggr, FloatFloatFunction f)
           
 FloatMatrix2D SparseRCFloatMatrix2D.assign(FloatMatrix2D source)
           
 FloatMatrix2D SparseFloatMatrix2D.assign(FloatMatrix2D source)
           
 FloatMatrix2D SparseCCFloatMatrix2D.assign(FloatMatrix2D source)
           
 FloatMatrix2D DiagonalFloatMatrix2D.assign(FloatMatrix2D source)
           
 FloatMatrix2D DenseFloatMatrix2D.assign(FloatMatrix2D source)
           
 FloatMatrix2D DenseColumnFloatMatrix2D.assign(FloatMatrix2D source)
           
 FloatMatrix2D WrapperFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function)
           
 FloatMatrix2D SparseRCFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function)
           
 FloatMatrix2D SparseFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function)
           
 FloatMatrix2D SparseCCFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function)
           
 FloatMatrix2D DiagonalFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function)
           
 FloatMatrix2D DenseFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function)
           
 FloatMatrix2D DenseColumnFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function)
           
 FloatMatrix2D DenseFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function, IntArrayList rowList, IntArrayList columnList)
           
 FloatMatrix2D DenseColumnFloatMatrix2D.assign(FloatMatrix2D y, FloatFloatFunction function, IntArrayList rowList, IntArrayList columnList)
           
 void DenseFloatMatrix2D.zAssign8Neighbors(FloatMatrix2D B, Float9Function function)
           
 FloatMatrix2D SparseRCFloatMatrix2D.zMult(FloatMatrix2D B, FloatMatrix2D C, float alpha, float beta, boolean transposeA, boolean transposeB)
           
 FloatMatrix2D SparseFloatMatrix2D.zMult(FloatMatrix2D B, FloatMatrix2D C, float alpha, float beta, boolean transposeA, boolean transposeB)
           
 FloatMatrix2D SparseCCFloatMatrix2D.zMult(FloatMatrix2D B, FloatMatrix2D C, float alpha, float beta, boolean transposeA, boolean transposeB)
           
 FloatMatrix2D DenseFloatMatrix2D.zMult(FloatMatrix2D B, FloatMatrix2D C, float alpha, float beta, boolean transposeA, boolean transposeB)
           
 FloatMatrix2D DenseColumnFloatMatrix2D.zMult(FloatMatrix2D B, FloatMatrix2D C, float alpha, float beta, boolean transposeA, boolean transposeB)
           
 

Constructors in cern.colt.matrix.tfloat.impl with parameters of type FloatMatrix2D
WrapperFloatMatrix2D(FloatMatrix2D newContent)
           
 


Parallel Colt 0.9.4

Jump to the Parallel Colt Homepage