Parallel Colt 0.7.2

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

Packages that use DoubleMatrix1D
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.  
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 DoubleMatrix1D in cern.colt.matrix.tdcomplex
 

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

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

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

Methods in cern.colt.matrix.tdcomplex.impl that return DoubleMatrix1D
 DoubleMatrix1D SparseDComplexMatrix1D.getImaginaryPart()
           
 DoubleMatrix1D DenseDComplexMatrix1D.getImaginaryPart()
           
 DoubleMatrix1D SparseDComplexMatrix1D.getRealPart()
           
 DoubleMatrix1D DenseDComplexMatrix1D.getRealPart()
           
 

Methods in cern.colt.matrix.tdcomplex.impl with parameters of type DoubleMatrix1D
 DComplexMatrix1D DenseDComplexMatrix1D.assignImaginary(DoubleMatrix1D other)
           
 DComplexMatrix1D DenseDComplexMatrix1D.assignReal(DoubleMatrix1D other)
           
 

Constructors in cern.colt.matrix.tdcomplex.impl with parameters of type DoubleMatrix1D
DenseDComplexMatrix1D(DoubleMatrix1D 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 DoubleMatrix1D in cern.colt.matrix.tdouble
 

Methods in cern.colt.matrix.tdouble that return DoubleMatrix1D
 DoubleMatrix1D DoubleFactory1D.append(DoubleMatrix1D A, DoubleMatrix1D B)
          C = A||B; Constructs a new matrix which is the concatenation of two other matrices.
 DoubleMatrix1D DoubleFactory1D.ascending(int size)
          Constructs a matrix with cells having ascending values.
 DoubleMatrix1D DoubleMatrix1D.assign(double value)
          Sets all cells to the state specified by value.
 DoubleMatrix1D DoubleMatrix1D.assign(double[] values)
          Sets all cells to the state specified by values.
 DoubleMatrix1D DoubleMatrix1D.assign(DoubleFunction f)
          Assigns the result of a function to each cell; x[i] = function(x[i]).
 DoubleMatrix1D DoubleMatrix1D.assign(DoubleMatrix1D other)
          Replaces all cell values of the receiver with the values of another matrix.
 DoubleMatrix1D DoubleMatrix1D.assign(DoubleMatrix1D y, DoubleDoubleFunction function)
          Assigns the result of a function to each cell; x[i] = function(x[i],y[i]).
 DoubleMatrix1D DoubleMatrix1D.assign(DoubleMatrix1D y, DoubleDoubleFunction function, IntArrayList nonZeroIndexes)
          Assigns the result of a function to each cell; x[i] = function(x[i],y[i]).
 DoubleMatrix1D DoubleMatrix1D.assign(DoubleProcedure cond, double value)
          Assigns a value to all cells that satisfy a condition.
 DoubleMatrix1D DoubleMatrix1D.assign(DoubleProcedure cond, DoubleFunction f)
          Assigns the result of a function to all cells that satisfy a condition.
 DoubleMatrix1D DoubleMatrix1D.copy()
          Constructs and returns a deep copy of the receiver.
 DoubleMatrix1D DoubleFactory1D.descending(int size)
          Constructs a matrix with cells having descending values.
 DoubleMatrix1D DoubleFactory2D.diagonal(DoubleMatrix2D A)
          Constructs a new vector consisting of the diagonal elements of A .
 DoubleMatrix1D DoubleMatrix1D.like()
          Construct and returns a new empty matrix of the same dynamic type as the receiver, having the same size.
abstract  DoubleMatrix1D DoubleMatrix1D.like(int size)
          Construct and returns a new empty matrix of the same dynamic type as the receiver, having the specified size.
abstract  DoubleMatrix1D DoubleMatrix2D.like1D(int size)
          Construct and returns a new 1-d matrix of the corresponding dynamic type, entirelly independent of the receiver.
 DoubleMatrix1D DoubleFactory1D.make(AbstractDoubleList values)
          Constructs a matrix from the values of the given list.
 DoubleMatrix1D DoubleFactory1D.make(double[] values)
          Constructs a matrix with the given cell values.
 DoubleMatrix1D DoubleFactory1D.make(DoubleMatrix1D[] parts)
          Constructs a matrix which is the concatenation of all given parts.
 DoubleMatrix1D DoubleFactory1D.make(int size)
          Constructs a matrix with the given shape, each cell initialized with zero.
 DoubleMatrix1D DoubleFactory1D.make(int size, double initialValue)
          Constructs a matrix with the given shape, each cell initialized with the given value.
 DoubleMatrix1D DoubleFactory1D.random(int size)
          Constructs a matrix with uniformly distributed values in (0,1) (exclusive).
 DoubleMatrix1D DoubleFactory1D.repeat(DoubleMatrix1D A, int repeat)
          C = A||A||..||A; Constructs a new matrix which is concatenated repeat times.
 DoubleMatrix1D DoubleFactory1D.sample(int size, double value, double nonZeroFraction)
          Constructs a randomly sampled matrix with the given shape.
abstract  DoubleMatrix1D DoubleMatrix3D.vectorize()
          Returns a vector obtained by stacking the columns of each slice of the matrix on top of one another.
abstract  DoubleMatrix1D DoubleMatrix2D.vectorize()
          Returns a vector obtained by stacking the columns of the matrix on top of one another.
 DoubleMatrix1D DoubleMatrix2D.viewColumn(int column)
          Constructs and returns a new slice view representing the rows of the given column.
 DoubleMatrix1D DoubleMatrix1D.viewFlip()
          Constructs and returns a new flip view.
 DoubleMatrix1D DoubleMatrix1D.viewPart(int index, int width)
          Constructs and returns a new sub-range view that is a width sub matrix starting at index.
 DoubleMatrix1D DoubleMatrix2D.viewRow(int row)
          Constructs and returns a new slice view representing the columns of the given row.
 DoubleMatrix1D DoubleMatrix1D.viewSelection(DoubleProcedure condition)
          Constructs and returns a new selection view that is a matrix holding the cells matching the given condition.
 DoubleMatrix1D DoubleMatrix1D.viewSelection(int[] indexes)
          Constructs and returns a new selection view that is a matrix holding the indicated cells.
 DoubleMatrix1D DoubleMatrix1D.viewSorted()
          Sorts the vector into ascending order, according to the natural ordering.
 DoubleMatrix1D DoubleMatrix1D.viewStrides(int stride)
          Constructs and returns a new stride view which is a sub matrix consisting of every i-th cell.
 DoubleMatrix1D DoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z)
          Linear algebraic matrix-vector multiplication; z = A * y; Equivalent to return A.zMult(y,z,1,0);
 DoubleMatrix1D DoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z, double alpha, double beta, boolean transposeA)
          Linear algebraic matrix-vector multiplication; z = alpha * A * y + beta*z.
 

Methods in cern.colt.matrix.tdouble with parameters of type DoubleMatrix1D
 double DoubleMatrix1D.aggregate(DoubleMatrix1D other, DoubleDoubleFunction aggr, DoubleDoubleFunction f)
          Applies a function to each corresponding cell of two matrices and aggregates the results.
 DoubleMatrix1D DoubleFactory1D.append(DoubleMatrix1D A, DoubleMatrix1D B)
          C = A||B; Constructs a new matrix which is the concatenation of two other matrices.
 DoubleMatrix2D DoubleFactory2D.appendColumn(DoubleMatrix2D A, DoubleMatrix1D b)
           
 DoubleMatrix2D DoubleFactory2D.appendRow(DoubleMatrix2D A, DoubleMatrix1D b)
           
 boolean DoubleMatrix1DProcedure.apply(DoubleMatrix1D element)
          Applies a procedure to an argument.
 DoubleMatrix1D DoubleMatrix1D.assign(DoubleMatrix1D other)
          Replaces all cell values of the receiver with the values of another matrix.
 DoubleMatrix1D DoubleMatrix1D.assign(DoubleMatrix1D y, DoubleDoubleFunction function)
          Assigns the result of a function to each cell; x[i] = function(x[i],y[i]).
 DoubleMatrix1D DoubleMatrix1D.assign(DoubleMatrix1D y, DoubleDoubleFunction function, IntArrayList nonZeroIndexes)
          Assigns the result of a function to each cell; x[i] = function(x[i],y[i]).
 DoubleMatrix2D DoubleFactory2D.diagonal(DoubleMatrix1D vector)
          Constructs a new diagonal matrix whose diagonal elements are the elements of vector.
 DoubleMatrix1D DoubleFactory1D.make(DoubleMatrix1D[] parts)
          Constructs a matrix which is the concatenation of all given parts.
 DoubleMatrix1D DoubleFactory1D.repeat(DoubleMatrix1D A, int repeat)
          C = A||A||..||A; Constructs a new matrix which is concatenated repeat times.
 DoubleMatrix2D DoubleFactory2D.reshape(DoubleMatrix1D a, int rows, int columns)
           
 void DoubleMatrix1D.swap(DoubleMatrix1D other)
          Swaps each element this[i] with other[i].
 DoubleArrayList DoubleFactory1D.toList(DoubleMatrix1D values)
          Constructs a list from the given matrix.
 double DoubleMatrix1D.zDotProduct(DoubleMatrix1D y)
          Returns the dot product of two vectors x and y, which is Sum(x[i]*y[i]).
 double DoubleMatrix1D.zDotProduct(DoubleMatrix1D y, int from, int length)
          Returns the dot product of two vectors x and y, which is Sum(x[i]*y[i]).
 double DoubleMatrix1D.zDotProduct(DoubleMatrix1D y, int from, int length, IntArrayList nonZeroIndexes)
          Returns the dot product of two vectors x and y, which is Sum(x[i]*y[i]).
 DoubleMatrix1D DoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z)
          Linear algebraic matrix-vector multiplication; z = A * y; Equivalent to return A.zMult(y,z,1,0);
 DoubleMatrix1D DoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z, double alpha, double beta, boolean transposeA)
          Linear algebraic matrix-vector multiplication; z = alpha * A * y + beta*z.
 

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

Methods in cern.colt.matrix.tdouble.algo that return DoubleMatrix1D
 DoubleMatrix1D DoubleAlgebra.backwardSolve(DoubleMatrix2D U, DoubleMatrix1D b)
           
 DoubleMatrix1D DoubleAlgebra.forwardSolve(DoubleMatrix2D L, DoubleMatrix1D b)
           
 DoubleMatrix1D DoubleAlgebra.kron(double[] A, double[] B)
          Computes the Kronecker product of two arrays.
 DoubleMatrix1D DoubleAlgebra.kron(DoubleMatrix1D x, DoubleMatrix1D y)
          Computes the Kronecker product of two real matrices.
 DoubleMatrix1D DoubleAlgebra.mult(DoubleMatrix2D A, DoubleMatrix1D y)
          Linear algebraic matrix-vector multiplication; z = A * y.
 DoubleMatrix1D DoubleAlgebra.permute(DoubleMatrix1D A, int[] indexes, double[] work)
          Modifies the given vector A such that it is permuted as specified; Useful for pivoting.
 DoubleMatrix1D DoubleAlgebra.solve(DoubleMatrix2D A, DoubleMatrix1D b)
          Solves A*x = b.
 DoubleMatrix1D DoubleSorting.sort(DoubleMatrix1D vector)
          Sorts the vector into ascending order, according to the natural ordering.
 DoubleMatrix1D DoubleSorting.sort(DoubleMatrix1D vector, DoubleComparator c)
          Sorts the vector into ascending order, according to the order induced by the specified comparator.
static DoubleMatrix1D DoubleStatistic.viewSample(DoubleMatrix1D matrix, double fraction, DoubleRandomEngine randomGenerator)
          Constructs and returns a sampling view with a size of round(matrix.size() * fraction).
 

Methods in cern.colt.matrix.tdouble.algo with parameters of type DoubleMatrix1D
 double DoubleStatistic.VectorVectorFunction.apply(DoubleMatrix1D x, DoubleMatrix1D y)
          Applies a function to two argument vectors.
 DoubleMatrix1D DoubleAlgebra.backwardSolve(DoubleMatrix2D U, DoubleMatrix1D b)
           
static DynamicDoubleBin1D DoubleStatistic.bin(DoubleMatrix1D vector)
          Fills all cell values of the given vector into a bin from which statistics measures can be retrieved efficiently.
 int DoubleMatrix1DComparator.compare(DoubleMatrix1D o1, DoubleMatrix1D o2)
          Compares its two arguments for order.
static DoubleIHistogram2D DoubleStatistic.cube(DoubleMatrix1D x, DoubleMatrix1D y, DoubleMatrix1D weights)
          2-d OLAP cube operator; Fills all cells of the given vectors into the given histogram.
static DoubleIHistogram3D DoubleStatistic.cube(DoubleMatrix1D x, DoubleMatrix1D y, DoubleMatrix1D z, DoubleMatrix1D weights)
          3-d OLAP cube operator; Fills all cells of the given vectors into the given histogram.
 double SmpDoubleBlas.dasum(DoubleMatrix1D x)
           
 double DoubleBlas.dasum(DoubleMatrix1D x)
          Returns the sum of absolute values; |x[0]| + |x[1]| + ...
 void SmpDoubleBlas.daxpy(double alpha, DoubleMatrix1D x, DoubleMatrix1D y)
           
 void DoubleBlas.daxpy(double alpha, DoubleMatrix1D x, DoubleMatrix1D y)
          Combined vector scaling; y = y + alpha*x.
 void SmpDoubleBlas.dcopy(DoubleMatrix1D x, DoubleMatrix1D y)
           
 void DoubleBlas.dcopy(DoubleMatrix1D x, DoubleMatrix1D y)
          Vector assignment (copying); y = x.
 double SmpDoubleBlas.ddot(DoubleMatrix1D x, DoubleMatrix1D y)
           
 double DoubleBlas.ddot(DoubleMatrix1D x, DoubleMatrix1D y)
          Returns the dot product of two vectors x and y, which is Sum(x[i]*y[i]).
 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'.
 double SmpDoubleBlas.dnrm2(DoubleMatrix1D x)
           
 double DoubleBlas.dnrm2(DoubleMatrix1D x)
          Return the 2-norm; sqrt(x[0]^2 + x[1]^2 + ...).
 void SmpDoubleBlas.drot(DoubleMatrix1D x, DoubleMatrix1D y, double c, double s)
           
 void DoubleBlas.drot(DoubleMatrix1D x, DoubleMatrix1D y, double c, double s)
          Applies a givens plane rotation to (x,y); x = c*x + s*y; y = c*y - s*x.
 void SmpDoubleBlas.dscal(double alpha, DoubleMatrix1D x)
           
 void DoubleBlas.dscal(double alpha, DoubleMatrix1D x)
          Vector scaling; x = alpha*x.
 void SmpDoubleBlas.dswap(DoubleMatrix1D x, DoubleMatrix1D y)
           
 void DoubleBlas.dswap(DoubleMatrix1D x, DoubleMatrix1D y)
          Swaps the elements of two vectors; y <==> x.
 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.
 boolean DoubleProperty.equals(DoubleMatrix1D A, double value)
          Returns whether all cells of the given matrix A are equal to the given value.
 boolean DoubleProperty.equals(DoubleMatrix1D A, DoubleMatrix1D B)
          Returns whether both given matrices A and B are equal.
 DoubleMatrix1D DoubleAlgebra.forwardSolve(DoubleMatrix2D L, DoubleMatrix1D b)
           
static DoubleIHistogram1D DoubleStatistic.histogram(DoubleIHistogram1D histo, DoubleMatrix1D vector)
          Fills all cells of the given vector into the given histogram.
static DoubleIHistogram2D DoubleStatistic.histogram(DoubleIHistogram2D histo, DoubleMatrix1D x, DoubleMatrix1D y)
          Fills all cells of the given vectors into the given histogram.
static DoubleIHistogram2D DoubleStatistic.histogram(DoubleIHistogram2D histo, DoubleMatrix1D x, DoubleMatrix1D y, DoubleMatrix1D weights)
          Fills all cells of the given vectors into the given histogram.
static DoubleIHistogram3D DoubleStatistic.histogram(DoubleIHistogram3D histo, DoubleMatrix1D x, DoubleMatrix1D y, DoubleMatrix1D z, DoubleMatrix1D weights)
          Fills all cells of the given vectors into the given histogram.
 int SmpDoubleBlas.idamax(DoubleMatrix1D x)
           
 int DoubleBlas.idamax(DoubleMatrix1D x)
          Returns the index of largest absolute value; i such that |x[i]| == max(|x[0]|,|x[1]|,...)..
 DoubleMatrix1D DoubleAlgebra.kron(DoubleMatrix1D x, DoubleMatrix1D y)
          Computes the Kronecker product of two real matrices.
 double DoubleAlgebra.mult(DoubleMatrix1D x, DoubleMatrix1D y)
          Inner product of two vectors; Sum(x[i] * y[i]).
 DoubleMatrix1D DoubleAlgebra.mult(DoubleMatrix2D A, DoubleMatrix1D y)
          Linear algebraic matrix-vector multiplication; z = A * y.
 DoubleMatrix2D DoubleAlgebra.multOuter(DoubleMatrix1D x, DoubleMatrix1D y, DoubleMatrix2D A)
          Outer product of two vectors; Sets A[i,j] = x[i] * y[j].
 double DoubleAlgebra.norm(DoubleMatrix1D x, Norm type)
           
 double DoubleAlgebra.norm1(DoubleMatrix1D x)
          Returns the one-norm of vector x, which is Sum(abs(x[i])).
 double DoubleAlgebra.norm2(DoubleMatrix1D x)
          Returns the two-norm (aka euclidean norm) of vector x; equivalent to Sqrt(mult(x,x)).
 double DoubleAlgebra.normF(DoubleMatrix1D A)
          Returns the Frobenius norm of matrix A, which is Sqrt(Sum(A[i]2)).
 double DoubleAlgebra.normInfinity(DoubleMatrix1D x)
          Returns the infinity norm of vector x, which is Max(abs(x[i])).
 DoubleMatrix1D DoubleAlgebra.permute(DoubleMatrix1D A, int[] indexes, double[] work)
          Modifies the given vector A such that it is permuted as specified; Useful for pivoting.
 DoubleMatrix1D DoubleAlgebra.solve(DoubleMatrix2D A, DoubleMatrix1D b)
          Solves A*x = b.
 DoubleMatrix1D DoubleSorting.sort(DoubleMatrix1D vector)
          Sorts the vector into ascending order, according to the natural ordering.
 DoubleMatrix1D DoubleSorting.sort(DoubleMatrix1D vector, DoubleComparator c)
          Sorts the vector into ascending order, according to the order induced by the specified comparator.
 int[] DoubleSorting.sortIndex(DoubleMatrix1D vector)
          Sorts indexes of the vector into ascending order.
 int[] DoubleSorting.sortIndex(DoubleMatrix1D vector, DoubleComparator c)
          Sorts indexes of the vector according to the comparator c.
 int[] DoubleSorting.sortIndex(DoubleMatrix1D vector, IntComparator comp)
          Multithreaded method that sorts indexes of the vector according to the comparator comp.
 String DoubleFormatter.toSourceCode(DoubleMatrix1D matrix)
          Returns a string s such that Object[] m = s is a legal Java statement.
 String DoubleFormatter.toString(DoubleMatrix1D matrix)
          Returns a string representation of the given matrix.
static DoubleMatrix1D DoubleStatistic.viewSample(DoubleMatrix1D matrix, double fraction, DoubleRandomEngine randomGenerator)
          Constructs and returns a sampling view with a size of round(matrix.size() * fraction).
 DoubleMatrix2D DoubleAlgebra.xmultOuter(DoubleMatrix1D x, DoubleMatrix1D y)
          Outer product of two vectors; Returns a matrix with A[i,j] = x[i] * y[j].
 

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

Methods in cern.colt.matrix.tdouble.algo.decomposition that return DoubleMatrix1D
 DoubleMatrix1D DoubleEigenvalueDecomposition.getImagEigenvalues()
          Returns the imaginary parts of the eigenvalues.
 DoubleMatrix1D DoubleEigenvalueDecomposition.getRealEigenvalues()
          Returns the real parts of the eigenvalues.
 DoubleMatrix1D DoubleQRDecomposition.solve(DoubleMatrix1D b)
          Least squares solution of A*x = b; returns x.
 DoubleMatrix1D DoubleLUDecomposition.solve(DoubleMatrix1D b)
          Solves A*x = b.
 DoubleMatrix1D DoubleCholeskyDecomposition.solve(DoubleMatrix1D b)
           
 

Methods in cern.colt.matrix.tdouble.algo.decomposition with parameters of type DoubleMatrix1D
 DoubleMatrix1D DoubleQRDecomposition.solve(DoubleMatrix1D b)
          Least squares solution of A*x = b; returns x.
 void DoubleLUDecompositionQuick.solve(DoubleMatrix1D B)
          Solves the system of equations A*X = B (in-place).
 DoubleMatrix1D DoubleLUDecomposition.solve(DoubleMatrix1D b)
          Solves A*x = b.
 DoubleMatrix1D DoubleCholeskyDecomposition.solve(DoubleMatrix1D b)
           
 

Uses of DoubleMatrix1D in cern.colt.matrix.tdouble.algo.solver
 

Methods in cern.colt.matrix.tdouble.algo.solver that return DoubleMatrix1D
 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)
           
 

Methods in cern.colt.matrix.tdouble.algo.solver with parameters of type DoubleMatrix1D
 void DoubleGivensRotation.apply(DoubleMatrix1D x, int i1, int i2)
          Applies the Givens rotation to two elements of a vector
 boolean HyBRDoubleIterationMonitor.converged(double r, DoubleMatrix1D x)
           
 boolean DoubleIterationMonitor.converged(double r, DoubleMatrix1D x)
          Checks for convergence
 boolean AbstractDoubleIterationMonitor.converged(double r, DoubleMatrix1D x)
           
 boolean DoubleIterationMonitor.converged(DoubleMatrix1D r)
          Checks for convergence
 boolean AbstractDoubleIterationMonitor.converged(DoubleMatrix1D r)
           
 boolean DoubleIterationMonitor.converged(DoubleMatrix1D r, DoubleMatrix1D x)
          Checks for convergence
 boolean AbstractDoubleIterationMonitor.converged(DoubleMatrix1D r, DoubleMatrix1D x)
           
 void NoDoubleIterationReporter.monitor(double r, DoubleMatrix1D x, int i)
           
 void DoubleIterationReporter.monitor(double r, DoubleMatrix1D x, int i)
          Registers current information
 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)
           
 

Constructors in cern.colt.matrix.tdouble.algo.solver with parameters of type DoubleMatrix1D
DoubleBiCG(DoubleMatrix1D template)
          Constructor for BiCG.
DoubleBiCGstab(DoubleMatrix1D template)
          Constructor for BiCGstab.
DoubleCG(DoubleMatrix1D template)
          Constructor for CG.
DoubleCGS(DoubleMatrix1D template)
          Constructor for CGS.
DoubleChebyshev(DoubleMatrix1D template, double eigmin, double eigmax)
          Constructor for Chebyshev.
DoubleGMRES(DoubleMatrix1D template)
          Constructor for GMRES.
DoubleGMRES(DoubleMatrix1D template, int restart)
          Constructor for GMRES.
DoubleIR(DoubleMatrix1D template)
          Constructor for IR.
DoubleQMR(DoubleMatrix1D template)
          Constructor for QMR.
DoubleQMR(DoubleMatrix1D template, DoublePreconditioner M1, DoublePreconditioner M2)
          Constructor for QMR.
 

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

Methods in cern.colt.matrix.tdouble.algo.solver.preconditioner that return DoubleMatrix1D
 DoubleMatrix1D DoubleSSOR.apply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoublePreconditioner.apply(DoubleMatrix1D b, DoubleMatrix1D x)
          Solves the approximate problem with the given right hand side.
 DoubleMatrix1D DoubleILUT.apply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleILU.apply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleIdentity.apply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleICC.apply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleDiagonal.apply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleAMG.apply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleSSOR.transApply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoublePreconditioner.transApply(DoubleMatrix1D b, DoubleMatrix1D x)
          Solves the approximate transpose problem with the given right hand side.
 DoubleMatrix1D DoubleILUT.transApply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleILU.transApply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleIdentity.transApply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleICC.transApply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleDiagonal.transApply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleAMG.transApply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 

Methods in cern.colt.matrix.tdouble.algo.solver.preconditioner with parameters of type DoubleMatrix1D
 DoubleMatrix1D DoubleSSOR.apply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoublePreconditioner.apply(DoubleMatrix1D b, DoubleMatrix1D x)
          Solves the approximate problem with the given right hand side.
 DoubleMatrix1D DoubleILUT.apply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleILU.apply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleIdentity.apply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleICC.apply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleDiagonal.apply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleAMG.apply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleSSOR.transApply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoublePreconditioner.transApply(DoubleMatrix1D b, DoubleMatrix1D x)
          Solves the approximate transpose problem with the given right hand side.
 DoubleMatrix1D DoubleILUT.transApply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleILU.transApply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleIdentity.transApply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleICC.transApply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleDiagonal.transApply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 DoubleMatrix1D DoubleAMG.transApply(DoubleMatrix1D b, DoubleMatrix1D x)
           
 

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

Subclasses of DoubleMatrix1D in cern.colt.matrix.tdouble.impl
 class DenseDoubleMatrix1D
          Dense 1-d matrix (aka vector) holding double elements.
 class SparseDoubleMatrix1D
          Sparse hashed 1-d matrix (aka vector) holding double elements.
 class WrapperDoubleMatrix1D
          1-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 DoubleMatrix1D
 DoubleMatrix1D SparseDoubleMatrix1D.assign(double value)
          Sets all cells to the state specified by value.
 DoubleMatrix1D DenseDoubleMatrix1D.assign(double value)
           
 DoubleMatrix1D DenseDoubleMatrix1D.assign(double[] values)
           
 DoubleMatrix1D DenseDoubleMatrix1D.assign(DoubleFunction function)
           
 DoubleMatrix1D DenseDoubleMatrix1D.assign(DoubleMatrix1D source)
           
 DoubleMatrix1D DenseDoubleMatrix1D.assign(DoubleMatrix1D y, DoubleDoubleFunction function)
           
 DoubleMatrix1D DenseDoubleMatrix1D.assign(DoubleProcedure cond, double value)
           
 DoubleMatrix1D DenseDoubleMatrix1D.assign(DoubleProcedure cond, DoubleFunction function)
           
 DoubleMatrix1D WrapperDoubleMatrix1D.like(int size)
          Construct and returns a new empty matrix of the same dynamic type as the receiver, having the specified size.
 DoubleMatrix1D SparseDoubleMatrix1D.like(int size)
          Construct and returns a new empty matrix of the same dynamic type as the receiver, having the specified size.
 DoubleMatrix1D DenseDoubleMatrix1D.like(int size)
           
 DoubleMatrix1D WrapperDoubleMatrix2D.like1D(int size)
          Construct and returns a new 1-d matrix of the corresponding dynamic type, entirelly independent of the receiver.
 DoubleMatrix1D TridiagonalDoubleMatrix2D.like1D(int size)
          Construct and returns a new 1-d matrix of the corresponding dynamic type, entirelly independent of the receiver.
 DoubleMatrix1D SparseDoubleMatrix2D.like1D(int size)
          Construct and returns a new 1-d matrix of the corresponding dynamic type, entirelly independent of the receiver.
 DoubleMatrix1D RCDoubleMatrix2D.like1D(int size)
          Construct and returns a new 1-d matrix of the corresponding dynamic type, entirely independent of the receiver.
 DoubleMatrix1D DiagonalDoubleMatrix2D.like1D(int size)
          Construct and returns a new 1-d matrix of the corresponding dynamic type, entirelly independent of the receiver.
 DoubleMatrix1D DenseDoubleMatrix2D.like1D(int size)
           
 DoubleMatrix1D DenseColDoubleMatrix2D.like1D(int size)
           
 DoubleMatrix1D CCDoubleMatrix2D.like1D(int size)
          Construct and returns a new 1-d matrix of the corresponding dynamic type, entirely independent of the receiver.
 DoubleMatrix1D WrapperDoubleMatrix2D.vectorize()
          Returns a vector obtained by stacking the columns of the matrix on top of one another.
 DoubleMatrix1D SparseDoubleMatrix3D.vectorize()
           
 DoubleMatrix1D SparseDoubleMatrix2D.vectorize()
          Returns a vector obtained by stacking the columns of the matrix on top of one another.
 DoubleMatrix1D DenseDoubleMatrix3D.vectorize()
           
 DoubleMatrix1D DenseDoubleMatrix2D.vectorize()
           
 DoubleMatrix1D DenseColDoubleMatrix2D.vectorize()
           
 DoubleMatrix1D WrapperDoubleMatrix2D.viewColumn(int column)
          Constructs and returns a new slice view representing the rows of the given column.
 DoubleMatrix1D WrapperDoubleMatrix1D.viewFlip()
          Constructs and returns a new flip view.
 DoubleMatrix1D WrapperDoubleMatrix1D.viewPart(int index, int width)
          Constructs and returns a new sub-range view that is a width sub matrix starting at index.
 DoubleMatrix1D WrapperDoubleMatrix2D.viewRow(int row)
          Constructs and returns a new slice view representing the columns of the given row.
 DoubleMatrix1D WrapperDoubleMatrix1D.viewSelection(int[] indexes)
          Constructs and returns a new selection view that is a matrix holding the indicated cells.
 DoubleMatrix1D WrapperDoubleMatrix1D.viewStrides(int _stride)
          Constructs and returns a new stride view which is a sub matrix consisting of every i-th cell.
 DoubleMatrix1D TridiagonalDoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z, double alpha, double beta, boolean transposeA)
           
 DoubleMatrix1D SparseDoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z, double alpha, double beta, boolean transposeA)
           
 DoubleMatrix1D RCDoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z, double alpha, double beta, boolean transposeA)
           
 DoubleMatrix1D DiagonalDoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z, double alpha, double beta, boolean transposeA)
           
 DoubleMatrix1D DenseDoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z, double alpha, double beta, boolean transposeA)
           
 DoubleMatrix1D DenseColDoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z, double alpha, double beta, boolean transposeA)
           
 DoubleMatrix1D CCDoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z, double alpha, double beta, boolean transposeA)
           
 

Methods in cern.colt.matrix.tdouble.impl with parameters of type DoubleMatrix1D
 double DenseDoubleMatrix1D.aggregate(DoubleMatrix1D other, DoubleDoubleFunction aggr, DoubleDoubleFunction f)
           
 DoubleMatrix1D DenseDoubleMatrix1D.assign(DoubleMatrix1D source)
           
 DoubleMatrix1D DenseDoubleMatrix1D.assign(DoubleMatrix1D y, DoubleDoubleFunction function)
           
 void DenseDoubleMatrix1D.swap(DoubleMatrix1D other)
           
 double DenseDoubleMatrix1D.zDotProduct(DoubleMatrix1D y, int from, int length)
           
 DoubleMatrix1D TridiagonalDoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z, double alpha, double beta, boolean transposeA)
           
 DoubleMatrix1D SparseDoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z, double alpha, double beta, boolean transposeA)
           
 DoubleMatrix1D RCDoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z, double alpha, double beta, boolean transposeA)
           
 DoubleMatrix1D DiagonalDoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z, double alpha, double beta, boolean transposeA)
           
 DoubleMatrix1D DenseDoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z, double alpha, double beta, boolean transposeA)
           
 DoubleMatrix1D DenseColDoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z, double alpha, double beta, boolean transposeA)
           
 DoubleMatrix1D CCDoubleMatrix2D.zMult(DoubleMatrix1D y, DoubleMatrix1D z, double alpha, double beta, boolean transposeA)
           
 

Constructors in cern.colt.matrix.tdouble.impl with parameters of type DoubleMatrix1D
WrapperDoubleMatrix1D(DoubleMatrix1D newContent)
           
 


Parallel Colt 0.7.2

Jump to the Parallel Colt Homepage