HomeSort by relevance Sort by last modified time
    Searched refs:Scalar (Results 301 - 325 of 600) sorted by null

<<11121314151617181920>>

  /external/eigen/unsupported/Eigen/src/MatrixFunctions/
MatrixSquareRoot.h 57 typedef typename MatrixType::Scalar Scalar;
142 Matrix<Scalar,2,2> block = T.template block<2,2>(i,i);
143 EigenSolver<Matrix<Scalar,2,2> > es(block);
156 Scalar tmp = (sqrtT.row(i).segment(i+1,j-i-1) * sqrtT.col(j).segment(i+1,j-i-1)).value();
166 Matrix<Scalar,1,2> rhs = T.template block<1,2>(i,j);
169 Matrix<Scalar,2,2> A = sqrtT.coeff(i,i) * Matrix<Scalar,2,2>::Identity();
180 Matrix<Scalar,2,1> rhs = T.template block<2,1>(i,j);
183 Matrix<Scalar,2,2> A = sqrtT.coeff(j,j) * Matrix<Scalar,2,2>::Identity()
    [all...]
  /external/eigen/unsupported/Eigen/src/SVD/
SVDBase.h 51 typedef typename MatrixType::Scalar Scalar;
52 typedef typename NumTraits<typename MatrixType::Scalar>::Real RealScalar;
64 typedef Matrix<Scalar, RowsAtCompileTime, RowsAtCompileTime,
67 typedef Matrix<Scalar, ColsAtCompileTime, ColsAtCompileTime,
73 typedef Matrix<Scalar, DiagSizeAtCompileTime, DiagSizeAtCompileTime,
  /external/eigen/unsupported/Eigen/src/Skyline/
SkylineMatrixBase.h 29 typedef typename internal::traits<Derived>::Scalar Scalar;
79 /** This is the "real scalar" type; if the \a Scalar type is already real numbers
80 * (e.g. int, float or double) then \a RealScalar is just the same as \a Scalar. If
81 * \a Scalar is \a std::complex<T> then RealScalar is \a T.
85 typedef typename NumTraits<Scalar>::Real RealScalar;
88 typedef Matrix<Scalar, EIGEN_SIZE_MAX(RowsAtCompileTime, ColsAtCompileTime),
161 if (other.coeff(row, col) != Scalar(0))
193 Matrix<Scalar, RowsAtCompileTime, ColsAtCompileTime> toDense() const
    [all...]
  /external/eigen/unsupported/Eigen/src/Splines/
SplineFitting.h 64 typedef typename KnotVectorType::Scalar Scalar;
78 chord_lengths(n-1) = Scalar(1);
118 typedef typename SplineType::KnotVectorType::Scalar Scalar;
121 typedef Matrix<Scalar,Dynamic,Dynamic> MatrixType;
  /external/eigen/Eigen/src/Eigenvalues/
MatrixBaseEigenvalues.h 69 typedef typename internal::traits<Derived>::Scalar Scalar;
70 return internal::eigenvalues_selector<Derived, NumTraits<Scalar>::IsComplex>::run(derived());
  /external/eigen/Eigen/src/SPQRSupport/
SuiteSparseQRSupport.h 60 typedef typename _MatrixType::Scalar Scalar;
63 typedef SparseMatrix<Scalar, ColMajor, Index> MatrixType;
70 m_tolerance (NumTraits<Scalar>::epsilon())
79 m_tolerance (NumTraits<Scalar>::epsilon())
107 m_rank = SuiteSparseQR<Scalar>(m_ordering, m_tolerance, col, &A,
168 m_R = viewAsEigen<Scalar,ColMajor, typename MatrixType::Index>(*m_cR);
239 typedef typename SPQRType::Scalar Scalar;
255 x_cd = SuiteSparseQR_qmult<Scalar>(method, m_spqr.m_H, m_spqr.m_HTau, m_spqr.m_HPinv, &y_cd, cc)
    [all...]
  /external/eigen/Eigen/src/SparseLU/
SparseLU_copy_to_ucol.h 49 template <typename Scalar, typename Index>
50 Index SparseLUImpl<Scalar,Index>::copy_to_ucol(const Index jcol, const Index nseg, IndexVector& segrep, BlockIndexVector repfnz ,IndexVector& perm_r, BlockScalarVector dense, GlobalLU_t& glu)
89 dense(irow) = Scalar(0.0);
  /external/eigen/Eigen/src/misc/
Image.h 25 typename MatrixType::Scalar,
70 typedef typename MatrixType::Scalar Scalar; \
Solve.h 24 typedef Matrix<typename Rhs::Scalar,
63 typedef typename MatrixType::Scalar Scalar; \
  /external/eigen/test/
eigensolver_generalized_real.cpp 23 typedef typename MatrixType::Scalar Scalar;
24 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType;
hessenberg.cpp 14 template<typename Scalar,int Size> void hessenberg(int size = Size)
16 typedef Matrix<Scalar,Size,Size> MatrixType;
27 VERIFY(H(row,col) == (typename MatrixType::Scalar)0);
bandmatrix.cpp 15 typedef typename MatrixType::Scalar Scalar;
16 typedef typename NumTraits<Scalar>::Real RealScalar;
17 typedef Matrix<Scalar,Dynamic,Dynamic> DenseMatrixType;
conservative_resize.cpp 16 template <typename Scalar, int Storage>
19 typedef Matrix<Scalar, Eigen::Dynamic, Eigen::Dynamic, Storage> MatrixType;
55 VERIFY( rows<=50 || m.block(50,0,rows-50,cols).sum() == Scalar(0) );
56 VERIFY( cols<=50 || m.block(0,50,rows,cols-50).sum() == Scalar(0) );
60 template <typename Scalar>
63 typedef Matrix<Scalar, 1, Eigen::Dynamic> VectorType;
104 VERIFY( size<=50 || m.segment(50,size-50).sum() == Scalar(0) );
107 m.conservativeResizeLike(Matrix<Scalar,Dynamic,Dynamic>::Zero(1,size));
109 VERIFY( size<=50 || m.segment(50,size-50).sum() == Scalar(0) );
swap.cpp 28 typedef typename MatrixType::Scalar Scalar;
36 MatrixType m2 = MatrixType::Random(rows,cols) + Scalar(100) * MatrixType::Identity(rows,cols);
37 OtherMatrixType m3 = OtherMatrixType::Random(rows,cols) + Scalar(200) * OtherMatrixType::Identity(rows,cols);
  /external/eigen/unsupported/Eigen/src/AutoDiff/
AutoDiffJacobian.h 38 typedef typename JacobianType::Scalar Scalar;
41 typedef Matrix<Scalar,InputsAtCompileTime,1> DerivativeType;
  /external/eigen/Eigen/src/CholmodSupport/
CholmodSupport.h 17 template<typename Scalar, typename CholmodType>
20 if (internal::is_same<Scalar,float>::value)
25 else if (internal::is_same<Scalar,double>::value)
30 else if (internal::is_same<Scalar,std::complex<float> >::value)
35 else if (internal::is_same<Scalar,std::complex<double> >::value)
42 eigen_assert(false && "Scalar type not supported by CHOLMOD");
124 typedef typename Derived::Scalar Scalar;
134 internal::cholmod_configure_matrix<Scalar>(res);
141 template<typename Scalar, int Flags, typename Index
    [all...]
  /external/eigen/Eigen/src/Core/
BooleanRedux.h 84 && NumTraits<Scalar>::AddCost != Dynamic
85 && SizeAtCompileTime * (CoeffReadCost + NumTraits<Scalar>::AddCost) <= EIGEN_UNROLLING_LIMIT
108 && NumTraits<Scalar>::AddCost != Dynamic
109 && SizeAtCompileTime * (CoeffReadCost + NumTraits<Scalar>::AddCost) <= EIGEN_UNROLLING_LIMIT
CwiseUnaryOp.h 42 UnaryOp(typename XprType::Scalar)
43 >::type Scalar;
101 EIGEN_STRONG_INLINE const Scalar coeff(Index rowId, Index colId) const
112 EIGEN_STRONG_INLINE const Scalar coeff(Index index) const
Flagged.h 68 inline const Scalar& coeffRef(Index row, Index col) const
73 inline const Scalar& coeffRef(Index index) const
78 inline Scalar& coeffRef(Index row, Index col)
83 inline Scalar& coeffRef(Index index)
GeneralProduct.h 183 // FIXME : maybe the "inner product" could return a Scalar
188 // case, we could have a specialization for Block<MatrixType,1,1> with: operator=(Scalar x);
194 : traits<Matrix<typename scalar_product_traits<typename Lhs::Scalar, typename Rhs::Scalar>::ReturnType,1,1> >
202 public Matrix<typename internal::scalar_product_traits<typename Lhs::Scalar, typename Rhs::Scalar>::ReturnType,1,1>
204 typedef Matrix<typename internal::scalar_product_traits<typename Lhs::Scalar, typename Rhs::Scalar>::ReturnType,1,1> Base;
214 /** Convertion to scalar */
215 operator const typename Base::Scalar() const
    [all...]
NoAlias.h 33 typedef typename ExpressionType::Scalar Scalar;
47 typedef SelfCwiseBinaryOp<internal::scalar_sum_op<Scalar>, ExpressionType, OtherDerived> SelfAdder;
59 typedef SelfCwiseBinaryOp<internal::scalar_difference_op<Scalar>, ExpressionType, OtherDerived> SelfAdder;
  /external/eigen/Eigen/src/Householder/
HouseholderSequence.h 35 * v_i^* \f$. The i-th Householder coefficient \f$ h_i \f$ is a scalar and the i-th Householder vector \f$
62 typedef typename VectorsType::Scalar Scalar;
104 typedef typename scalar_product_traits<OtherScalarType, typename MatrixType::Scalar>::ReturnType
124 typedef typename internal::traits<HouseholderSequence>::Scalar Scalar;
128 typename internal::conditional<NumTraits<Scalar>::IsComplex,
131 typename internal::conditional<NumTraits<Scalar>::IsComplex,
229 Matrix<Scalar, DestType::RowsAtCompileTime, 1,
282 Matrix<Scalar,1,Dest::RowsAtCompileTime,RowMajor,1,Dest::MaxRowsAtCompileTime> workspace(dst.rows())
    [all...]
  /external/eigen/Eigen/src/IterativeLinearSolvers/
BasicPreconditioners.h 24 * \tparam _Scalar the type of the scalar.
35 typedef _Scalar Scalar;
36 typedef Matrix<Scalar,Dynamic,1> Vector;
40 // this typedef is only to export the scalar type and compile-time dimensions to solve_retval
41 typedef Matrix<Scalar,Dynamic,Dynamic> MatrixType;
69 m_invdiag(j) = Scalar(1)/it.value();
  /external/eigen/bench/
benchFFT.cpp 46 typedef typename NumTraits<T>::Real Scalar;
47 typedef typename std::complex<Scalar> Complex;
51 FFT< Scalar > fft;
79 cout << nameof<Scalar>() << " ";
  /external/eigen/test/eigen2/
eigen2_swap.cpp 28 typedef typename MatrixType::Scalar Scalar;
36 MatrixType m2 = MatrixType::Random(rows,cols) + Scalar(100) * MatrixType::Identity(rows,cols);
37 OtherMatrixType m3 = OtherMatrixType::Random(rows,cols) + Scalar(200) * OtherMatrixType::Identity(rows,cols);

Completed in 242 milliseconds

<<11121314151617181920>>