Parallel Colt 0.9.4

Uses of Class
cern.colt.matrix.tdouble.DoubleMatrix2D

Packages that use DoubleMatrix2D
cern.colt.matrix.tdcomplex Matrix interfaces and factories holding elements of dcomplex data type. 
cern.colt.matrix.tdcomplex.impl Efficient and flexible dense and sparse 1, 2 and 3-dimensional matrices holding elements of dcomplex data type. 
cern.colt.matrix.tdouble Matrix interfaces and factories holding elements of double data type. 
cern.colt.matrix.tdouble.algo Linear Algebraic matrix computations operating on DoubleMatrix2D and DoubleMatrix1D
cern.colt.matrix.tdouble.algo.decomposition Martrix decompositions. 
cern.colt.matrix.tdouble.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.tdouble.algo.solver.preconditioner Preconditioners for iterative solvers. 
cern.colt.matrix.tdouble.impl Efficient and flexible dense and sparse 1, 2 and 3-dimensional matrices holding elements of double data type. 
 

Uses of DoubleMatrix2D in cern.colt.matrix.tdcomplex
 

Methods in cern.colt.matrix.tdcomplex that return DoubleMatrix2D
abstract  DoubleMatrix2D DComplexMatrix2D.getImaginaryPart()
          Returns the imaginary part of this matrix
abstract  DoubleMatrix2D DComplexMatrix2D.getRealPart()
          Returns the real part of this matrix
 

Methods in cern.colt.matrix.tdcomplex with parameters of type DoubleMatrix2D
 DComplexMatrix2D DComplexMatrix2D.assignImaginary(DoubleMatrix2D other)
          Replaces imaginary part of the receiver with the values of another real matrix.
 DComplexMatrix2D DComplexMatrix2D.assignReal(DoubleMatrix2D other)
          Replaces real part of the receiver with the values of another real matrix.
 

Uses of DoubleMatrix2D in cern.colt.matrix.tdcomplex.impl
 

Methods in cern.colt.matrix.tdcomplex.impl that return DoubleMatrix2D
 DoubleMatrix2D WrapperDComplexMatrix2D.getImaginaryPart()
           
 DoubleMatrix2D SparseDComplexMatrix2D.getImaginaryPart()
           
 DoubleMatrix2D DenseDComplexMatrix2D.getImaginaryPart()
           
 DoubleMatrix2D DenseColumnDComplexMatrix2D.getImaginaryPart()
           
 DoubleMatrix2D WrapperDComplexMatrix2D.getRealPart()
           
 DoubleMatrix2D SparseDComplexMatrix2D.getRealPart()
           
 DoubleMatrix2D DenseDComplexMatrix2D.getRealPart()
           
 DoubleMatrix2D DenseColumnDComplexMatrix2D.getRealPart()
           
 

Methods in cern.colt.matrix.tdcomplex.impl with parameters of type DoubleMatrix2D
 DComplexMatrix2D DenseDComplexMatrix2D.assignImaginary(DoubleMatrix2D other)
           
 DComplexMatrix2D DenseColumnDComplexMatrix2D.assignImaginary(DoubleMatrix2D other)
           
 DComplexMatrix2D DenseDComplexMatrix2D.assignReal(DoubleMatrix2D other)
           
 DComplexMatrix2D DenseColumnDComplexMatrix2D.assignReal(DoubleMatrix2D other)
           
 

Constructors in cern.colt.matrix.tdcomplex.impl with parameters of type DoubleMatrix2D
DenseColumnDComplexMatrix2D(DoubleMatrix2D realPart)
          Constructs a complex matrix with the same size as realPart matrix and fills the real part of this matrix with elements of realPart.
DenseDComplexMatrix2D(DoubleMatrix2D 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 DoubleMatrix2D in cern.colt.matrix.tdouble
 

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

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

Uses of DoubleMatrix2D in cern.colt.matrix.tdouble.algo
 

Methods in cern.colt.matrix.tdouble.algo that return DoubleMatrix2D
static DoubleMatrix2D DoubleStatistic.aggregate(DoubleMatrix2D matrix, DoubleBinFunction1D[] aggr, DoubleMatrix2D result)
          Applies the given aggregation functions to each column and stores the results in a the result matrix.
static DoubleMatrix2D DoubleStatistic.correlation(DoubleMatrix2D covariance)
          Modifies the given covariance matrix to be a correlation matrix (in-place).
static DoubleMatrix2D DoubleStatistic.covariance(DoubleMatrix2D matrix)
          Constructs and returns the covariance matrix of the given matrix.
static DoubleMatrix2D DoubleStatistic.distance(DoubleMatrix2D matrix, DoubleStatistic.VectorVectorFunction distanceFunction)
          Constructs and returns the distance matrix of the given matrix.
 DoubleMatrix2D DenseDoubleAlgebra.inverse(DoubleMatrix2D A)
          Returns the inverse or pseudo-inverse of matrix A.
 DoubleMatrix2D DenseDoubleAlgebra.kron(DoubleMatrix2D X, DoubleMatrix2D Y)
          Computes the Kronecker product of two real matrices.
 DoubleMatrix2D DenseDoubleAlgebra.mult(DoubleMatrix2D A, DoubleMatrix2D B)
          Linear algebraic matrix-matrix multiplication; C = A x B.
 DoubleMatrix2D DenseDoubleAlgebra.multOuter(DoubleMatrix1D x, DoubleMatrix1D y, DoubleMatrix2D A)
          Outer product of two vectors; Sets A[i,j] = x[i] * y[j].
static DoubleMatrix2D DoublePartitioning.partition(DoubleMatrix2D matrix, int column, double[] 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.
 DoubleMatrix2D DenseDoubleAlgebra.permute(DoubleMatrix2D A, int[] rowIndexes, int[] columnIndexes)
          Constructs and returns a new row and column permuted selection view of matrix A; equivalent to viewSelection(int[],int[]).
 DoubleMatrix2D DenseDoubleAlgebra.permuteColumns(DoubleMatrix2D A, int[] indexes, int[] work)
          Modifies the given matrix A such that it's columns are permuted as specified; Useful for pivoting.
 DoubleMatrix2D DenseDoubleAlgebra.permuteRows(DoubleMatrix2D A, int[] indexes, int[] work)
          Modifies the given matrix A such that it's rows are permuted as specified; Useful for pivoting.
 DoubleMatrix2D DenseDoubleAlgebra.pow(DoubleMatrix2D A, int p)
          Linear algebraic matrix power; B = Ak <==> B = A*A*...*A.
 DoubleMatrix2D DenseDoubleAlgebra.solve(DoubleMatrix2D A, DoubleMatrix2D B)
          Solves A*X = B.
 DoubleMatrix2D DenseDoubleAlgebra.solveTranspose(DoubleMatrix2D A, DoubleMatrix2D B)
          Solves X*A = B, which is also A'*X' = B'.
 DoubleMatrix2D DoubleSorting.sort(DoubleMatrix2D matrix, double[] 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.
 DoubleMatrix2D DoubleSorting.sort(DoubleMatrix2D matrix, DoubleBinFunction1D 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.
 DoubleMatrix2D DoubleSorting.sort(DoubleMatrix2D matrix, DoubleMatrix1DComparator c)
          Sorts the matrix rows according to the order induced by the specified comparator.
 DoubleMatrix2D DoubleSorting.sort(DoubleMatrix2D matrix, int column)
          Sorts the matrix rows into ascending order, according to the natural ordering of the matrix values in the given column.
 DoubleMatrix2D DenseDoubleAlgebra.subMatrix(DoubleMatrix2D A, int[] rowIndexes, int columnFrom, int columnTo)
          Copies the columns of the indicated rows into a new sub matrix.
 DoubleMatrix2D DenseDoubleAlgebra.subMatrix(DoubleMatrix2D A, int rowFrom, int rowTo, int[] columnIndexes)
          Copies the rows of the indicated columns into a new sub matrix.
 DoubleMatrix2D DenseDoubleAlgebra.subMatrix(DoubleMatrix2D 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].
 DoubleMatrix2D DenseDoubleAlgebra.transpose(DoubleMatrix2D A)
          Constructs and returns a new view which is the transposition of the given matrix A.
 DoubleMatrix2D DenseDoubleAlgebra.trapezoidalLower(DoubleMatrix2D A)
          Modifies the matrix to be a lower trapezoidal matrix.
static DoubleMatrix2D DoubleStatistic.viewSample(DoubleMatrix2D matrix, double rowFraction, double columnFraction, DoubleRandomEngine randomGenerator)
          Constructs and returns a sampling view with round(matrix.rows() * rowFraction) rows and round(matrix.columns() * columnFraction) columns.
 DoubleMatrix2D DenseDoubleAlgebra.xmultOuter(DoubleMatrix1D x, DoubleMatrix1D y)
          Outer product of two vectors; Returns a matrix with A[i,j] = x[i] * y[j].
 DoubleMatrix2D DenseDoubleAlgebra.xpowSlow(DoubleMatrix2D A, int k)
          Linear algebraic matrix power; B = Ak <==> B = A*A*...*A.
 

Methods in cern.colt.matrix.tdouble.algo with parameters of type DoubleMatrix2D
static DoubleMatrix2D DoubleStatistic.aggregate(DoubleMatrix2D matrix, DoubleBinFunction1D[] aggr, DoubleMatrix2D result)
          Applies the given aggregation functions to each column and stores the results in a the result matrix.
 double DoubleMatrix2DMatrix2DFunction.apply(DoubleMatrix2D x, DoubleMatrix2D y)
          Applies a function to two arguments.
 void SmpDoubleBlas.assign(DoubleMatrix2D A, DoubleFunction function)
           
 void DoubleBlas.assign(DoubleMatrix2D A, DoubleFunction function)
          Assigns the result of a function to each cell; x[row,col] = function(x[row,col]).
 void SmpDoubleBlas.assign(DoubleMatrix2D A, DoubleMatrix2D B, DoubleDoubleFunction function)
           
 void DoubleBlas.assign(DoubleMatrix2D x, DoubleMatrix2D y, DoubleDoubleFunction function)
          Assigns the result of a function to each cell; x[row,col] = function(x[row,col],y[row,col]).
 DoubleMatrix1D DenseDoubleAlgebra.backwardSolve(DoubleMatrix2D U, DoubleMatrix1D b)
          Solves the upper triangular system U*x=b;
 void DoubleProperty.checkDense(DoubleMatrix2D A)
           
 void DoubleProperty.checkRectangular(DoubleMatrix2D A)
          Checks whether the given matrix A is rectangular.
 void DoubleProperty.checkSparse(DoubleMatrix2D A)
           
 void DoubleProperty.checkSquare(DoubleMatrix2D A)
          Checks whether the given matrix A is square.
 DenseDoubleCholeskyDecomposition DenseDoubleAlgebra.chol(DoubleMatrix2D matrix)
          Constructs and returns the cholesky-decomposition of the given matrix.
 SparseDoubleCholeskyDecomposition SparseDoubleAlgebra.chol(DoubleMatrix2D matrix, int order)
          Constructs and returns the Cholesky-decomposition of the given matrix.
 int DoubleMatrix2DComparator.compare(DoubleMatrix2D o1, DoubleMatrix2D o2)
          Compares its two arguments for order.
 double DenseDoubleAlgebra.cond(DoubleMatrix2D A)
          Returns the condition of matrix A, which is the ratio of largest to smallest singular value.
static DoubleMatrix2D DoubleStatistic.correlation(DoubleMatrix2D covariance)
          Modifies the given covariance matrix to be a correlation matrix (in-place).
static DoubleMatrix2D DoubleStatistic.covariance(DoubleMatrix2D matrix)
          Constructs and returns the covariance matrix of the given matrix.
 void SmpDoubleBlas.daxpy(double alpha, DoubleMatrix2D A, DoubleMatrix2D B)
           
 void DoubleBlas.daxpy(double alpha, DoubleMatrix2D A, DoubleMatrix2D B)
          Combined matrix scaling; B = B + alpha*A.
 void SmpDoubleBlas.dcopy(DoubleMatrix2D A, DoubleMatrix2D B)
           
 void DoubleBlas.dcopy(DoubleMatrix2D A, DoubleMatrix2D B)
          Matrix assignment (copying); B = A.
 double DoubleProperty.density(DoubleMatrix2D A)
          Returns the matrix's fraction of non-zero cells; A.cardinality() / A.size().
 double SparseDoubleAlgebra.det(DoubleMatrix2D A)
          Returns the determinant of matrix A.
 double DenseDoubleAlgebra.det(DoubleMatrix2D A)
          Returns the determinant of matrix A.
 void SmpDoubleBlas.dgemm(boolean transposeA, boolean transposeB, double alpha, DoubleMatrix2D A, DoubleMatrix2D B, double beta, DoubleMatrix2D C)
           
 void DoubleBlas.dgemm(boolean transposeA, boolean transposeB, double alpha, DoubleMatrix2D A, DoubleMatrix2D B, double beta, DoubleMatrix2D C)
          Generalized linear algebraic matrix-matrix multiply; C = alpha*A*B + beta*C.
 void SmpDoubleBlas.dgemv(boolean transposeA, double alpha, DoubleMatrix2D A, DoubleMatrix1D x, double beta, DoubleMatrix1D y)
           
 void DoubleBlas.dgemv(boolean transposeA, double alpha, DoubleMatrix2D A, DoubleMatrix1D x, double beta, DoubleMatrix1D y)
          Generalized linear algebraic matrix-vector multiply; y = alpha*A*x + beta*y.
 void SmpDoubleBlas.dger(double alpha, DoubleMatrix1D x, DoubleMatrix1D y, DoubleMatrix2D A)
           
 void DoubleBlas.dger(double alpha, DoubleMatrix1D x, DoubleMatrix1D y, DoubleMatrix2D A)
          Performs a rank 1 update; A = A + alpha*x*y'.
static DoubleMatrix2D DoubleStatistic.distance(DoubleMatrix2D matrix, DoubleStatistic.VectorVectorFunction distanceFunction)
          Constructs and returns the distance matrix of the given matrix.
 void SmpDoubleBlas.dscal(double alpha, DoubleMatrix2D A)
           
 void DoubleBlas.dscal(double alpha, DoubleMatrix2D A)
          Matrix scaling; A = alpha*A.
 void SmpDoubleBlas.dswap(DoubleMatrix2D A, DoubleMatrix2D B)
           
 void DoubleBlas.dswap(DoubleMatrix2D x, DoubleMatrix2D y)
          Swaps the elements of two matrices; B <==> A.
 void SmpDoubleBlas.dsymv(boolean isUpperTriangular, double alpha, DoubleMatrix2D A, DoubleMatrix1D x, double beta, DoubleMatrix1D y)
           
 void DoubleBlas.dsymv(boolean isUpperTriangular, double alpha, DoubleMatrix2D A, DoubleMatrix1D x, double beta, DoubleMatrix1D y)
          Symmetric matrix-vector multiplication; y = alpha*A*x + beta*y.
 void SmpDoubleBlas.dtrmv(boolean isUpperTriangular, boolean transposeA, boolean isUnitTriangular, DoubleMatrix2D A, DoubleMatrix1D x)
           
 void DoubleBlas.dtrmv(boolean isUpperTriangular, boolean transposeA, boolean isUnitTriangular, DoubleMatrix2D A, DoubleMatrix1D x)
          Triangular matrix-vector multiplication; x = A*x or x = A'*x.
 DenseDoubleEigenvalueDecomposition DenseDoubleAlgebra.eig(DoubleMatrix2D matrix)
          Constructs and returns the Eigenvalue-decomposition of the given matrix.
 boolean DoubleProperty.equals(DoubleMatrix2D A, double value)
          Returns whether all cells of the given matrix A are equal to the given value.
 boolean DoubleProperty.equals(DoubleMatrix2D A, DoubleMatrix2D B)
          Returns whether both given matrices A and B are equal.
 String[][] DoubleFormatter.format(DoubleMatrix2D matrix)
          Returns a string representations of all cells; no alignment considered.
 DoubleMatrix1D DenseDoubleAlgebra.forwardSolve(DoubleMatrix2D L, DoubleMatrix1D b)
          Solves the lower triangular system U*x=b;
 void DoubleProperty.generateNonSingular(DoubleMatrix2D A)
          Modifies the given matrix square matrix A such that it is diagonally dominant by row and column, hence non-singular, hence invertible.
static DoubleIHistogram1D[][] DoubleStatistic.histogram(DoubleIHistogram1D[][] histo, DoubleMatrix2D matrix, int m, int n)
          Splits the given matrix into m x n pieces and computes 1D histogram of each piece.
static DoubleIHistogram1D DoubleStatistic.histogram(DoubleIHistogram1D histo, DoubleMatrix2D matrix)
          Fills all cells of the given matrix into the given histogram.
 DoubleMatrix2D DenseDoubleAlgebra.inverse(DoubleMatrix2D A)
          Returns the inverse or pseudo-inverse of matrix A.
 boolean DoubleProperty.isDiagonal(DoubleMatrix2D A)
          A matrix A is diagonal if A[i,j] == 0 whenever i != j.
 boolean DoubleProperty.isDiagonallyDominantByColumn(DoubleMatrix2D 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 DoubleProperty.isDiagonallyDominantByRow(DoubleMatrix2D 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 DoubleProperty.isIdentity(DoubleMatrix2D A)
          A matrix A is an identity matrix if A[i,i] == 1 and all other cells are zero.
 boolean DoubleProperty.isLowerBidiagonal(DoubleMatrix2D A)
          A matrix A is lower bidiagonal if A[i,j]==0 unless i==j || i==j+1.
 boolean DoubleProperty.isLowerTriangular(DoubleMatrix2D A)
          A matrix A is lower triangular if A[i,j]==0 whenever i < j.
 boolean DoubleProperty.isNonNegative(DoubleMatrix2D A)
          A matrix A is non-negative if A[i,j] >= 0 holds for all cells.
 boolean DoubleProperty.isOrthogonal(DoubleMatrix2D A)
          A square matrix A is orthogonal if A*transpose(A) = I.
 boolean DoubleProperty.isPositive(DoubleMatrix2D A)
          A matrix A is positive if A[i,j] > 0 holds for all cells.
 boolean DoubleProperty.isSingular(DoubleMatrix2D A)
          A matrix A is singular if it has no inverse, that is, iff det(A)==0.
 boolean DoubleProperty.isSkewSymmetric(DoubleMatrix2D A)
          A square matrix A is skew-symmetric if A = -transpose(A), that is A[i,j] == -A[j,i].
 boolean DoubleProperty.isSquare(DoubleMatrix2D A)
          A matrix A is square if it has the same number of rows and columns.
 boolean DoubleProperty.isStrictlyLowerTriangular(DoubleMatrix2D A)
          A matrix A is strictly lower triangular if A[i,j]==0 whenever i <= j.
 boolean DoubleProperty.isStrictlyTriangular(DoubleMatrix2D A)
          A matrix A is strictly triangular if it is triangular and its diagonal elements all equal 0.
 boolean DoubleProperty.isStrictlyUpperTriangular(DoubleMatrix2D A)
          A matrix A is strictly upper triangular if A[i,j]==0 whenever i >= j.
 boolean DoubleProperty.isSymmetric(DoubleMatrix2D A)
          A matrix A is symmetric if A = tranpose(A), that is A[i,j] == A[j,i].
 boolean DoubleProperty.isTriangular(DoubleMatrix2D A)
          A matrix A is triangular iff it is either upper or lower triangular.
 boolean DoubleProperty.isTridiagonal(DoubleMatrix2D A)
          A matrix A is tridiagonal if A[i,j]==0 whenever Math.abs(i-j) > 1.
 boolean DoubleProperty.isUnitTriangular(DoubleMatrix2D A)
          A matrix A is unit triangular if it is triangular and its diagonal elements all equal 1.
 boolean DoubleProperty.isUpperBidiagonal(DoubleMatrix2D A)
          A matrix A is upper bidiagonal if A[i,j]==0 unless i==j || i==j-1.
 boolean DoubleProperty.isUpperTriangular(DoubleMatrix2D A)
          A matrix A is upper triangular if A[i,j]==0 whenever i > j.
 boolean DoubleProperty.isZero(DoubleMatrix2D A)
          A matrix A is zero if all its cells are zero.
 DoubleMatrix2D DenseDoubleAlgebra.kron(DoubleMatrix2D X, DoubleMatrix2D Y)
          Computes the Kronecker product of two real matrices.
 int DoubleProperty.lowerBandwidth(DoubleMatrix2D A)
          The lower bandwidth of a square matrix A is the maximum i-j for which A[i,j] is nonzero and i > j.
 DenseDoubleLUDecomposition DenseDoubleAlgebra.lu(DoubleMatrix2D matrix)
          Constructs and returns the LU-decomposition of the given matrix.
 SparseDoubleLUDecomposition SparseDoubleAlgebra.lu(DoubleMatrix2D matrix, int order)
          Constructs and returns the LU-decomposition of the given matrix.
 DoubleMatrix1D DenseDoubleAlgebra.mult(DoubleMatrix2D A, DoubleMatrix1D y)
          Linear algebraic matrix-vector multiplication; z = A * y.
 DoubleMatrix2D DenseDoubleAlgebra.mult(DoubleMatrix2D A, DoubleMatrix2D B)
          Linear algebraic matrix-matrix multiplication; C = A x B.
 DoubleMatrix2D DenseDoubleAlgebra.multOuter(DoubleMatrix1D x, DoubleMatrix1D y, DoubleMatrix2D A)
          Outer product of two vectors; Sets A[i,j] = x[i] * y[j].
 double DenseDoubleAlgebra.norm(DoubleMatrix2D A, Norm type)
           
 double SparseDoubleAlgebra.norm1(DoubleMatrix2D A)
          Returns the 1-norm of matrix A, which is the maximum absolute column sum.
 double DenseDoubleAlgebra.norm1(DoubleMatrix2D A)
          Returns the one-norm of matrix A, which is the maximum absolute column sum.
 double DenseDoubleAlgebra.norm2(DoubleMatrix2D A)
          Returns the two-norm of matrix A, which is the maximum singular value; obtained from SVD.
 double DenseDoubleAlgebra.normF(DoubleMatrix2D A)
          Returns the Frobenius norm of matrix A, which is Sqrt(Sum(A[i,j]2)).
 double SparseDoubleAlgebra.normInfinity(DoubleMatrix2D A)
          Returns the infinity norm of matrix A, which is the maximum absolute row sum.
 double DenseDoubleAlgebra.normInfinity(DoubleMatrix2D A)
          Returns the infinity norm of matrix A, which is the maximum absolute row sum.
static void DoublePartitioning.partition(DoubleMatrix2D matrix, int[] rowIndexes, int rowFrom, int rowTo, int column, double[] 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 DoubleMatrix2D DoublePartitioning.partition(DoubleMatrix2D matrix, int column, double[] 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.
 DoubleMatrix2D DenseDoubleAlgebra.permute(DoubleMatrix2D A, int[] rowIndexes, int[] columnIndexes)
          Constructs and returns a new row and column permuted selection view of matrix A; equivalent to viewSelection(int[],int[]).
 DoubleMatrix2D DenseDoubleAlgebra.permuteColumns(DoubleMatrix2D A, int[] indexes, int[] work)
          Modifies the given matrix A such that it's columns are permuted as specified; Useful for pivoting.
 DoubleMatrix2D DenseDoubleAlgebra.permuteRows(DoubleMatrix2D A, int[] indexes, int[] work)
          Modifies the given matrix A such that it's rows are permuted as specified; Useful for pivoting.
 DoubleMatrix2D DenseDoubleAlgebra.pow(DoubleMatrix2D A, int p)
          Linear algebraic matrix power; B = Ak <==> B = A*A*...*A.
 DenseDoubleQRDecomposition DenseDoubleAlgebra.qr(DoubleMatrix2D matrix)
          Constructs and returns the QR-decomposition of the given matrix.
 SparseDoubleQRDecomposition SparseDoubleAlgebra.qr(DoubleMatrix2D matrix, int order)
          Constructs and returns the QR-decomposition of the given matrix.
 int DenseDoubleAlgebra.rank(DoubleMatrix2D A)
          Returns the effective numerical rank of matrix A, obtained from Singular Value Decomposition.
 int DoubleProperty.semiBandwidth(DoubleMatrix2D A)
          Returns the semi-bandwidth of the given square matrix A.
 DoubleMatrix1D SparseDoubleAlgebra.solve(DoubleMatrix2D A, DoubleMatrix1D b)
          Solves A*x = b.
 DoubleMatrix1D DenseDoubleAlgebra.solve(DoubleMatrix2D A, DoubleMatrix1D b)
          Solves A*x = b.
 DoubleMatrix2D DenseDoubleAlgebra.solve(DoubleMatrix2D A, DoubleMatrix2D B)
          Solves A*X = B.
 DoubleMatrix2D DenseDoubleAlgebra.solveTranspose(DoubleMatrix2D A, DoubleMatrix2D B)
          Solves X*A = B, which is also A'*X' = B'.
 DoubleMatrix2D DoubleSorting.sort(DoubleMatrix2D matrix, double[] 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.
 DoubleMatrix2D DoubleSorting.sort(DoubleMatrix2D matrix, DoubleBinFunction1D 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.
 DoubleMatrix2D DoubleSorting.sort(DoubleMatrix2D matrix, DoubleMatrix1DComparator c)
          Sorts the matrix rows according to the order induced by the specified comparator.
 DoubleMatrix2D DoubleSorting.sort(DoubleMatrix2D 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 DoubleStencil.stencil9(DoubleMatrix2D A, Double9Function function, int maxIterations, DoubleMatrix2DProcedure hasConverged, int convergenceIterations)
          9 point stencil operation.
 DoubleMatrix2D DenseDoubleAlgebra.subMatrix(DoubleMatrix2D A, int[] rowIndexes, int columnFrom, int columnTo)
          Copies the columns of the indicated rows into a new sub matrix.
 DoubleMatrix2D DenseDoubleAlgebra.subMatrix(DoubleMatrix2D A, int rowFrom, int rowTo, int[] columnIndexes)
          Copies the rows of the indicated columns into a new sub matrix.
 DoubleMatrix2D DenseDoubleAlgebra.subMatrix(DoubleMatrix2D 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].
 DenseDoubleSingularValueDecomposition DenseDoubleAlgebra.svd(DoubleMatrix2D matrix)
          Constructs and returns the SingularValue-decomposition of the given matrix.
 String DoubleFormatter.toSourceCode(DoubleMatrix2D matrix)
          Returns a string s such that Object[] m = s is a legal Java statement.
 String DoubleProperty.toString(DoubleMatrix2D A)
          Returns summary information about the given matrix A.
 String DoubleFormatter.toString(DoubleMatrix2D matrix)
          Returns a string representation of the given matrix.
 String DenseDoubleAlgebra.toString(DoubleMatrix2D matrix)
          Returns a String with (propertyName, propertyValue) pairs.
 String DoubleFormatter.toTitleString(DoubleMatrix2D matrix, String[] rowNames, String[] columnNames, String rowAxisName, String columnAxisName, String title, DoubleBinFunction1D[] aggr)
          Same as toTitleString except that additionally statistical aggregates (mean, median, sum, etc.) of rows and columns are printed.
 String DenseDoubleAlgebra.toVerboseString(DoubleMatrix2D matrix)
          Returns the results of toString(A) and additionally the results of all sorts of decompositions applied to the given matrix.
 double DenseDoubleAlgebra.trace(DoubleMatrix2D A)
          Returns the sum of the diagonal elements of matrix A; Sum(A[i,i]).
 DoubleMatrix2D DenseDoubleAlgebra.transpose(DoubleMatrix2D A)
          Constructs and returns a new view which is the transposition of the given matrix A.
 DoubleMatrix2D DenseDoubleAlgebra.trapezoidalLower(DoubleMatrix2D A)
          Modifies the matrix to be a lower trapezoidal matrix.
 int DoubleProperty.upperBandwidth(DoubleMatrix2D A)
          The upper bandwidth of a square matrix A is the maximum j-i for which A[i,j] is nonzero and j > i.
 double DenseDoubleAlgebra.vectorNorm2(DoubleMatrix2D X)
          Returns the two-norm (aka euclidean norm) of vector X.vectorize();
static DoubleMatrix2D DoubleStatistic.viewSample(DoubleMatrix2D matrix, double rowFraction, double columnFraction, DoubleRandomEngine randomGenerator)
          Constructs and returns a sampling view with round(matrix.rows() * rowFraction) rows and round(matrix.columns() * columnFraction) columns.
 DoubleMatrix2D DenseDoubleAlgebra.xpowSlow(DoubleMatrix2D A, int k)
          Linear algebraic matrix power; B = Ak <==> B = A*A*...*A.
 

Uses of DoubleMatrix2D in cern.colt.matrix.tdouble.algo.decomposition
 

Methods in cern.colt.matrix.tdouble.algo.decomposition that return DoubleMatrix2D
 DoubleMatrix2D DenseDoubleEigenvalueDecomposition.getD()
          Returns the block diagonal eigenvalue matrix, D.
 DoubleMatrix2D SparseDoubleLUDecomposition.getL()
          Returns the lower triangular factor, L.
 DoubleMatrix2D SparseDoubleCholeskyDecomposition.getL()
          Returns the triangular factor, L.
 DoubleMatrix2D DenseDoubleLUDecompositionQuick.getL()
          Returns the lower triangular factor, L.
 DoubleMatrix2D DenseDoubleLUDecomposition.getL()
          Returns the lower triangular factor, L.
 DoubleMatrix2D DenseDoubleCholeskyDecomposition.getL()
          Returns the triangular factor, L.
 DoubleMatrix2D SparseDoubleCholeskyDecomposition.getLtranspose()
          Returns the triangular factor, L'.
 DoubleMatrix2D DenseDoubleCholeskyDecomposition.getLtranspose()
           
 DoubleMatrix2D DenseDoubleLUDecompositionQuick.getLU()
          Returns a copy of the combined lower and upper triangular factor, LU.
 DoubleMatrix2D DenseDoubleQRDecomposition.getQ(boolean economySize)
          Generates and returns a copy of the orthogonal factor Q.
 DoubleMatrix2D SparseDoubleQRDecomposition.getR()
          Returns a copy of the upper triangular factor, R.
 DoubleMatrix2D DenseDoubleQRDecomposition.getR(boolean economySize)
          Returns a copy of the upper triangular factor, R.
 DoubleMatrix2D DenseDoubleSingularValueDecomposition.getS()
          Returns the diagonal matrix of singular values.
 DoubleMatrix2D SparseDoubleLUDecomposition.getU()
          Returns the upper triangular factor, U.
 DoubleMatrix2D DenseDoubleSingularValueDecomposition.getU()
          Returns the left singular vectors U.
 DoubleMatrix2D DenseDoubleLUDecompositionQuick.getU()
          Returns the upper triangular factor, U.
 DoubleMatrix2D DenseDoubleLUDecomposition.getU()
          Returns the upper triangular factor, U.
 DoubleMatrix2D SparseDoubleQRDecomposition.getV()
          Returns a copy of the Householder vectors v, from the Householder reflections H = I - beta*v*v'.
 DoubleMatrix2D DenseDoubleSingularValueDecomposition.getV()
          Returns the right singular vectors V.
 DoubleMatrix2D DenseDoubleEigenvalueDecomposition.getV()
          Returns the eigenvector matrix, V
 DoubleMatrix2D DenseDoubleLUDecomposition.solve(DoubleMatrix2D B)
          Solves A*X = B.
 

Methods in cern.colt.matrix.tdouble.algo.decomposition with parameters of type DoubleMatrix2D
 void DenseDoubleLUDecompositionQuick.decompose(DoubleMatrix2D A)
          Decomposes matrix A into L and U (in-place).
 void DenseDoubleLUDecompositionQuick.decompose(DoubleMatrix2D A, int semiBandwidth)
          Decomposes the banded and square matrix A into L and U (in-place).
 void DenseDoubleLUDecompositionQuick.setLU(DoubleMatrix2D LU)
          Sets the combined lower and upper triangular factor, LU.
 void DenseDoubleQRDecomposition.solve(DoubleMatrix2D B)
          Least squares solution of A*X = B(in-place).
 void DenseDoubleLUDecompositionQuick.solve(DoubleMatrix2D B)
          Solves the system of equations A*X = B (in-place).
 DoubleMatrix2D DenseDoubleLUDecomposition.solve(DoubleMatrix2D B)
          Solves A*X = B.
 void DenseDoubleCholeskyDecomposition.solve(DoubleMatrix2D B)
          Solves A*X = B(in-place).
 

Constructors in cern.colt.matrix.tdouble.algo.decomposition with parameters of type DoubleMatrix2D
DenseDoubleCholeskyDecomposition(DoubleMatrix2D 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.
DenseDoubleEigenvalueDecomposition(DoubleMatrix2D A)
          Constructs and returns a new eigenvalue decomposition object; The decomposed matrices can be retrieved via instance methods of the returned decomposition object.
DenseDoubleLUDecomposition(DoubleMatrix2D A)
          Constructs and returns a new LU Decomposition object; The decomposed matrices can be retrieved via instance methods of the returned decomposition object.
DenseDoubleQRDecomposition(DoubleMatrix2D 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.
DenseDoubleSingularValueDecomposition(DoubleMatrix2D 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.
SparseDoubleCholeskyDecomposition(DoubleMatrix2D 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.
SparseDoubleLUDecomposition(DoubleMatrix2D 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.
SparseDoubleQRDecomposition(DoubleMatrix2D 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 DoubleMatrix2D in cern.colt.matrix.tdouble.algo.solver
 

Methods in cern.colt.matrix.tdouble.algo.solver with parameters of type DoubleMatrix2D
 void DoubleGivensRotation.apply(DoubleMatrix2D H, int column, int i1, int i2)
          Applies the Givens rotation to two elements in a matrix column
 DoubleMatrix1D DoubleQMR.solve(DoubleMatrix2D A, DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleMRNSD.solve(DoubleMatrix2D A, DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleIterativeSolver.solve(DoubleMatrix2D A, DoubleMatrix1D b, DoubleMatrix1D x)
          Solves the given problem, writing result into the vector.
 DoubleMatrix1D DoubleIR.solve(DoubleMatrix2D A, DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleHyBR.solve(DoubleMatrix2D A, DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleGMRES.solve(DoubleMatrix2D A, DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleChebyshev.solve(DoubleMatrix2D A, DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleCGS.solve(DoubleMatrix2D A, DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleCGLS.solve(DoubleMatrix2D A, DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleCG.solve(DoubleMatrix2D A, DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleBiCGstab.solve(DoubleMatrix2D A, DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleBiCG.solve(DoubleMatrix2D A, DoubleMatrix1D b, DoubleMatrix1D x)
           
 

Uses of DoubleMatrix2D in cern.colt.matrix.tdouble.algo.solver.preconditioner
 

Methods in cern.colt.matrix.tdouble.algo.solver.preconditioner with parameters of type DoubleMatrix2D
 void DoubleSSOR.setMatrix(DoubleMatrix2D A)
           
 void DoublePreconditioner.setMatrix(DoubleMatrix2D A)
          Sets the operator matrix for the preconditioner.
 void DoubleILUT.setMatrix(DoubleMatrix2D A)
           
 void DoubleILU.setMatrix(DoubleMatrix2D A)
           
 void DoubleIdentity.setMatrix(DoubleMatrix2D A)
           
 void DoubleICC.setMatrix(DoubleMatrix2D A)
           
 void DoubleDiagonal.setMatrix(DoubleMatrix2D A)
           
 void DoubleAMG.setMatrix(DoubleMatrix2D A)
           
 

Uses of DoubleMatrix2D in cern.colt.matrix.tdouble.impl
 

Subclasses of DoubleMatrix2D in cern.colt.matrix.tdouble.impl
 class DenseColumnDoubleMatrix2D
          Dense 2-d matrix holding double elements.
 class DenseDoubleMatrix2D
          Dense 2-d matrix holding double elements.
 class DenseLargeDoubleMatrix2D
          Dense 2-d matrix holding double elements.
 class DiagonalDoubleMatrix2D
          Diagonal 2-d matrix holding double elements.
 class SparseCCDoubleMatrix2D
          Sparse column-compressed 2-d matrix holding double elements.
 class SparseCCMDoubleMatrix2D
          Sparse column-compressed-modified 2-d matrix holding double elements.
 class SparseDoubleMatrix2D
          Sparse hashed 2-d matrix holding double elements.
 class SparseRCDoubleMatrix2D
          Sparse row-compressed 2-d matrix holding double elements.
 class SparseRCMDoubleMatrix2D
          Sparse row-compressed-modified 2-d matrix holding double elements.
 class WrapperDoubleMatrix2D
          2-d matrix holding double elements; either a view wrapping another matrix or a matrix whose views are wrappers.
 

Methods in cern.colt.matrix.tdouble.impl that return DoubleMatrix2D
 DoubleMatrix2D SparseRCDoubleMatrix2D.assign(double value)
           
 DoubleMatrix2D SparseDoubleMatrix2D.assign(double value)
           
 DoubleMatrix2D SparseCCDoubleMatrix2D.assign(double value)
           
 DoubleMatrix2D DiagonalDoubleMatrix2D.assign(double value)
           
 DoubleMatrix2D DenseDoubleMatrix2D.assign(double value)
           
 DoubleMatrix2D DenseColumnDoubleMatrix2D.assign(double value)
           
 DoubleMatrix2D WrapperDoubleMatrix2D.assign(double[] values)
           
 DoubleMatrix2D DiagonalDoubleMatrix2D.assign(double[] values)
           
 DoubleMatrix2D DenseDoubleMatrix2D.assign(double[] values)
           
 DoubleMatrix2D DenseColumnDoubleMatrix2D.assign(double[] values)
           
 DoubleMatrix2D DiagonalDoubleMatrix2D.assign(double[][] values)
           
 DoubleMatrix2D DenseDoubleMatrix2D.assign(double[][] values)
           
 DoubleMatrix2D DenseColumnDoubleMatrix2D.assign(double[][] values)
           
 DoubleMatrix2D SparseRCDoubleMatrix2D.assign(DoubleFunction function)
           
 DoubleMatrix2D SparseDoubleMatrix2D.assign(DoubleFunction function)
           
 DoubleMatrix2D SparseCCDoubleMatrix2D.assign(DoubleFunction function)
           
 DoubleMatrix2D DiagonalDoubleMatrix2D.assign(DoubleFunction function)
           
 DoubleMatrix2D DenseDoubleMatrix2D.assign(DoubleFunction function)
           
 DoubleMatrix2D DenseColumnDoubleMatrix2D.assign(DoubleFunction function)
           
 DoubleMatrix2D SparseRCDoubleMatrix2D.assign(DoubleMatrix2D source)
           
 DoubleMatrix2D SparseDoubleMatrix2D.assign(DoubleMatrix2D source)
           
 DoubleMatrix2D SparseCCDoubleMatrix2D.assign(DoubleMatrix2D source)
           
 DoubleMatrix2D DiagonalDoubleMatrix2D.assign(DoubleMatrix2D source)
           
 DoubleMatrix2D DenseDoubleMatrix2D.assign(DoubleMatrix2D source)
           
 DoubleMatrix2D DenseColumnDoubleMatrix2D.assign(DoubleMatrix2D source)
           
 DoubleMatrix2D WrapperDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function)
           
 DoubleMatrix2D SparseRCDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function)
           
 DoubleMatrix2D SparseDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function)
           
 DoubleMatrix2D SparseCCDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function)
           
 DoubleMatrix2D DiagonalDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function)
           
 DoubleMatrix2D DenseDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function)
           
 DoubleMatrix2D DenseColumnDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function)
           
 DoubleMatrix2D DenseDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function, IntArrayList rowList, IntArrayList columnList)
           
 DoubleMatrix2D DenseColumnDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function, IntArrayList rowList, IntArrayList columnList)
           
 DoubleMatrix2D DenseDoubleMatrix2D.assign(DoubleProcedure cond, double value)
           
 DoubleMatrix2D DenseColumnDoubleMatrix2D.assign(DoubleProcedure cond, double value)
           
 DoubleMatrix2D DenseDoubleMatrix2D.assign(DoubleProcedure cond, DoubleFunction function)
           
 DoubleMatrix2D DenseColumnDoubleMatrix2D.assign(DoubleProcedure cond, DoubleFunction function)
           
 DoubleMatrix2D WrapperDoubleMatrix2D.assign(float[] values)
           
 DoubleMatrix2D DenseDoubleMatrix2D.assign(float[] values)
           
 DoubleMatrix2D DenseColumnDoubleMatrix2D.assign(float[] values)
           
 DoubleMatrix2D SparseRCDoubleMatrix2D.forEachNonZero(IntIntDoubleFunction function)
           
 DoubleMatrix2D SparseDoubleMatrix2D.forEachNonZero(IntIntDoubleFunction function)
           
 DoubleMatrix2D SparseCCDoubleMatrix2D.forEachNonZero(IntIntDoubleFunction function)
           
 DoubleMatrix2D DiagonalDoubleMatrix2D.forEachNonZero(IntIntDoubleFunction function)
           
 DoubleMatrix2D DenseDoubleMatrix2D.forEachNonZero(IntIntDoubleFunction function)
           
 DoubleMatrix2D DenseColumnDoubleMatrix2D.forEachNonZero(IntIntDoubleFunction function)
           
 DoubleMatrix2D WrapperDoubleMatrix2D.like(int rows, int columns)
           
 DoubleMatrix2D SparseRCMDoubleMatrix2D.like(int rows, int columns)
           
 DoubleMatrix2D SparseRCDoubleMatrix2D.like(int rows, int columns)
           
 DoubleMatrix2D SparseDoubleMatrix2D.like(int rows, int columns)
           
 DoubleMatrix2D SparseCCMDoubleMatrix2D.like(int rows, int columns)
           
 DoubleMatrix2D SparseCCDoubleMatrix2D.like(int rows, int columns)
           
 DoubleMatrix2D DiagonalDoubleMatrix2D.like(int rows, int columns)
           
 DoubleMatrix2D DenseLargeDoubleMatrix2D.like(int rows, int columns)
           
 DoubleMatrix2D DenseDoubleMatrix2D.like(int rows, int columns)
           
 DoubleMatrix2D DenseColumnDoubleMatrix2D.like(int rows, int columns)
           
 DoubleMatrix2D WrapperDoubleMatrix3D.like2D(int rows, int columns)
           
 DoubleMatrix2D WrapperDoubleMatrix1D.like2D(int rows, int columns)
           
 DoubleMatrix2D SparseDoubleMatrix3D.like2D(int rows, int columns)
           
 DoubleMatrix2D SparseDoubleMatrix1D.like2D(int rows, int columns)
          Construct and returns a new 2-d matrix of the corresponding dynamic type, entirelly independent of the receiver.
 DoubleMatrix2D DenseDoubleMatrix3D.like2D(int rows, int columns)
           
 DoubleMatrix2D DenseDoubleMatrix1D.like2D(int rows, int columns)
           
 DoubleMatrix2D WrapperDoubleMatrix1D.reshape(int rows, int columns)
           
 DoubleMatrix2D SparseDoubleMatrix1D.reshape(int rows, int columns)
           
 DoubleMatrix2D DenseDoubleMatrix1D.reshape(int rows, int columns)
           
 DoubleMatrix2D WrapperDoubleMatrix3D.viewColumn(int column)
           
 DoubleMatrix2D WrapperDoubleMatrix2D.viewColumnFlip()
           
 DoubleMatrix2D WrapperDoubleMatrix2D.viewDice()
           
 DoubleMatrix2D WrapperDoubleMatrix2D.viewPart(int row, int column, int height, int width)
           
 DoubleMatrix2D WrapperDoubleMatrix3D.viewRow(int row)
           
 DoubleMatrix2D WrapperDoubleMatrix2D.viewRowFlip()
           
 DoubleMatrix2D WrapperDoubleMatrix2D.viewSelection(int[] rowIndexes, int[] columnIndexes)
           
 DoubleMatrix2D WrapperDoubleMatrix3D.viewSlice(int slice)
           
 DoubleMatrix2D WrapperDoubleMatrix2D.viewStrides(int _rowStride, int _columnStride)
           
 DoubleMatrix2D SparseRCDoubleMatrix2D.zMult(DoubleMatrix2D B, DoubleMatrix2D C, double alpha, double beta, boolean transposeA, boolean transposeB)
           
 DoubleMatrix2D SparseDoubleMatrix2D.zMult(DoubleMatrix2D B, DoubleMatrix2D C, double alpha, double beta, boolean transposeA, boolean transposeB)
           
 DoubleMatrix2D SparseCCDoubleMatrix2D.zMult(DoubleMatrix2D B, DoubleMatrix2D C, double alpha, double beta, boolean transposeA, boolean transposeB)
           
 DoubleMatrix2D DenseDoubleMatrix2D.zMult(DoubleMatrix2D B, DoubleMatrix2D C, double alpha, double beta, boolean transposeA, boolean transposeB)
           
 DoubleMatrix2D DenseColumnDoubleMatrix2D.zMult(DoubleMatrix2D B, DoubleMatrix2D C, double alpha, double beta, boolean transposeA, boolean transposeB)
           
 

Methods in cern.colt.matrix.tdouble.impl with parameters of type DoubleMatrix2D
 double DenseDoubleMatrix2D.aggregate(DoubleMatrix2D other, DoubleDoubleFunction aggr, DoubleDoubleFunction f)
           
 double DenseColumnDoubleMatrix2D.aggregate(DoubleMatrix2D other, DoubleDoubleFunction aggr, DoubleDoubleFunction f)
           
 DoubleMatrix2D SparseRCDoubleMatrix2D.assign(DoubleMatrix2D source)
           
 DoubleMatrix2D SparseDoubleMatrix2D.assign(DoubleMatrix2D source)
           
 DoubleMatrix2D SparseCCDoubleMatrix2D.assign(DoubleMatrix2D source)
           
 DoubleMatrix2D DiagonalDoubleMatrix2D.assign(DoubleMatrix2D source)
           
 DoubleMatrix2D DenseDoubleMatrix2D.assign(DoubleMatrix2D source)
           
 DoubleMatrix2D DenseColumnDoubleMatrix2D.assign(DoubleMatrix2D source)
           
 DoubleMatrix2D WrapperDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function)
           
 DoubleMatrix2D SparseRCDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function)
           
 DoubleMatrix2D SparseDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function)
           
 DoubleMatrix2D SparseCCDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function)
           
 DoubleMatrix2D DiagonalDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function)
           
 DoubleMatrix2D DenseDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function)
           
 DoubleMatrix2D DenseColumnDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function)
           
 DoubleMatrix2D DenseDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function, IntArrayList rowList, IntArrayList columnList)
           
 DoubleMatrix2D DenseColumnDoubleMatrix2D.assign(DoubleMatrix2D y, DoubleDoubleFunction function, IntArrayList rowList, IntArrayList columnList)
           
 void DenseDoubleMatrix2D.zAssign8Neighbors(DoubleMatrix2D B, Double9Function function)
           
 DoubleMatrix2D SparseRCDoubleMatrix2D.zMult(DoubleMatrix2D B, DoubleMatrix2D C, double alpha, double beta, boolean transposeA, boolean transposeB)
           
 DoubleMatrix2D SparseDoubleMatrix2D.zMult(DoubleMatrix2D B, DoubleMatrix2D C, double alpha, double beta, boolean transposeA, boolean transposeB)
           
 DoubleMatrix2D SparseCCDoubleMatrix2D.zMult(DoubleMatrix2D B, DoubleMatrix2D C, double alpha, double beta, boolean transposeA, boolean transposeB)
           
 DoubleMatrix2D DenseDoubleMatrix2D.zMult(DoubleMatrix2D B, DoubleMatrix2D C, double alpha, double beta, boolean transposeA, boolean transposeB)
           
 DoubleMatrix2D DenseColumnDoubleMatrix2D.zMult(DoubleMatrix2D B, DoubleMatrix2D C, double alpha, double beta, boolean transposeA, boolean transposeB)
           
 

Constructors in cern.colt.matrix.tdouble.impl with parameters of type DoubleMatrix2D
WrapperDoubleMatrix2D(DoubleMatrix2D newContent)
           
 


Parallel Colt 0.9.4

Jump to the Parallel Colt Homepage