Searched refs:Scalar (Results 201 - 225 of 529) sorted by relevance

1234567891011>>

/external/eigen/bench/
H A DbenchVecAdd.cpp15 typedef float Scalar; typedef
17 __attribute__ ((noinline)) void benchVec(Scalar* a, Scalar* b, Scalar* c, int size);
25 Scalar* a = internal::aligned_new<Scalar>(size2);
26 Scalar* b = internal::aligned_new<Scalar>(size2+4)+1;
27 Scalar* c = internal::aligned_new<Scalar>(size
[all...]
/external/eigen/test/
H A Dproduct.h26 typedef typename MatrixType::Scalar Scalar; typedef
27 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> RowVectorType;
28 typedef Matrix<Scalar, MatrixType::ColsAtCompileTime, 1> ColVectorType;
29 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime> RowSquareMatrixType;
30 typedef Matrix<Scalar, MatrixType::ColsAtCompileTime, MatrixType::ColsAtCompileTime> ColSquareMatrixType;
31 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::ColsAtCompileTime,
53 Scalar s1 = internal::random<Scalar>();
79 VERIFY_IS_APPROX(MatrixType::Identity(rows, cols)(r,c), static_cast<Scalar>(
[all...]
H A Djacobisvd.cpp29 typedef typename MatrixType::Scalar Scalar; typedef
30 typedef Matrix<Scalar, RowsAtCompileTime, RowsAtCompileTime> MatrixUType;
31 typedef Matrix<Scalar, ColsAtCompileTime, ColsAtCompileTime> MatrixVType;
34 sigma.diagonal() = svd.singularValues().template cast<Scalar>();
69 typedef typename MatrixType::Scalar Scalar; typedef
80 typedef Matrix<Scalar, RowsAtCompileTime, Dynamic> RhsType;
81 typedef Matrix<Scalar, ColsAtCompileTime, Dynamic> SolutionType;
124 typedef Matrix<Scalar, RankAtCompileTime
[all...]
H A Dconservative_resize.cpp16 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) );
H A Dproduct_selfadjoint.cpp15 typedef typename MatrixType::Scalar Scalar; typedef
16 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType;
17 typedef Matrix<Scalar, 1, MatrixType::RowsAtCompileTime> RowVectorType;
19 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, Dynamic, RowMajor> RhsMatrixType;
34 Scalar s1 = internal::random<Scalar>(),
35 s2 = internal::random<Scalar>(),
36 s3 = internal::random<Scalar>();
H A Ddeterminant.cpp25 typedef typename MatrixType::Scalar Scalar; typedef
26 Scalar x = internal::random<Scalar>();
27 VERIFY_IS_APPROX(MatrixType::Identity(size, size).determinant(), Scalar(1));
51 VERIFY_IS_APPROX(m2.block(0,0,0,0).determinant(), Scalar(1));
/external/eigen/Eigen/src/Core/
H A DProductBase.h27 typedef typename scalar_product_traits<typename Lhs::Scalar, typename Rhs::Scalar>::ReturnType Scalar; typedef in struct:Eigen::internal::traits
74 typedef typename internal::traits<Lhs>::Scalar LhsScalar;
81 typedef typename internal::traits<Rhs>::Scalar RhsScalar;
102 inline void evalTo(Dest& dst) const { dst.setZero(); scaleAndAddTo(dst,Scalar(1)); }
105 inline void addTo(Dest& dst) const { scaleAndAddTo(dst,Scalar(1)); }
108 inline void subTo(Dest& dst) const { scaleAndAddTo(dst,Scalar(-1)); }
111 inline void scaleAndAddTo(Dest& dst, const Scalar& alpha) const { derived().scaleAndAddTo(dst,alpha); }
142 Matrix<Scalar,
240 typedef typename Base::Scalar Scalar; typedef in class:Eigen::ScaledProduct
[all...]
H A DVectorwiseOp.h40 typedef typename MemberOp::result_type Scalar; typedef in struct:Eigen::internal::traits
43 typedef typename MatrixType::Scalar InputScalar;
84 EIGEN_STRONG_INLINE const Scalar coeff(Index i, Index j) const
92 const Scalar coeff(Index index) const
110 template<typename Scalar, int Size> struct Cost \
119 EIGEN_MEMBER_FUNCTOR(squaredNorm, Size * NumTraits<Scalar>::MulCost + (Size-1)*NumTraits<Scalar>::AddCost);
120 EIGEN_MEMBER_FUNCTOR(norm, (Size+5) * NumTraits<Scalar>::MulCost + (Size-1)*NumTraits<Scalar>::AddCost);
121 EIGEN_MEMBER_FUNCTOR(stableNorm, (Size+5) * NumTraits<Scalar>
170 typedef typename ExpressionType::Scalar Scalar; typedef in class:Eigen::VectorwiseOp
[all...]
H A DArrayWrapper.h45 Scalar,
46 const Scalar
59 inline const Scalar* data() const { return m_expression.data(); }
66 inline Scalar& coeffRef(Index rowId, Index colId)
71 inline const Scalar& coeffRef(Index rowId, Index colId) const
81 inline Scalar& coeffRef(Index index)
86 inline const Scalar& coeffRef(Index index) const
165 Scalar,
166 const Scalar
179 inline const Scalar* dat
[all...]
H A DMapBase.h41 typedef typename internal::traits<Derived>::Scalar Scalar; typedef in class:Eigen::MapBase
42 typedef typename internal::packet_traits<Scalar>::type PacketScalar;
43 typedef typename NumTraits<Scalar>::Real RealScalar;
46 Scalar *,
47 const Scalar *>::type
88 inline const Scalar* data() const { return m_data; }
90 inline const Scalar& coeff(Index rowId, Index colId) const
95 inline const Scalar& coeff(Index index) const
101 inline const Scalar
175 typedef typename Base::Scalar Scalar; typedef in class:Eigen::MapBase
[all...]
/external/eigen/Eigen/src/IterativeLinearSolvers/
H A DIncompleteLUT.h98 typedef _Scalar Scalar; typedef in class:Eigen::IncompleteLUT
99 typedef typename NumTraits<Scalar>::Real RealScalar;
100 typedef Matrix<Scalar,Dynamic,1> Vector;
101 typedef SparseMatrix<Scalar,RowMajor> FactorType;
102 typedef SparseMatrix<Scalar,ColMajor> PermutType;
106 typedef Matrix<Scalar,Dynamic,Dynamic> MatrixType;
109 : m_droptol(NumTraits<Scalar>::dummy_precision()), m_fillfactor(10),
114 IncompleteLUT(const MatrixType& mat, const RealScalar& droptol=NumTraits<Scalar>::dummy_precision(), int fillfactor = 10)
149 IncompleteLUT<Scalar>& compute(const MatrixType& amat)
182 inline bool operator() (const Index& row, const Index& col, const Scalar
[all...]
H A DBiCGSTAB.h36 typedef typename Dest::Scalar Scalar; typedef
37 typedef Matrix<Scalar,Dynamic,1> VectorType;
53 Scalar rho = 1;
54 Scalar alpha = 1;
55 Scalar w = 1;
64 RealScalar eps2 = NumTraits<Scalar>::epsilon()*NumTraits<Scalar>::epsilon();
70 Scalar rho_old = rho;
82 Scalar bet
183 typedef typename MatrixType::Scalar Scalar; typedef in class:Eigen::BiCGSTAB
[all...]
/external/eigen/Eigen/src/SparseCore/
H A DConservativeSparseSparseProduct.h20 typedef typename remove_all<Lhs>::type::Scalar Scalar; typedef
29 Matrix<Scalar,Dynamic,1> values(rows);
50 Scalar y = rhsIt.value();
55 Scalar x = lhsIt.value();
133 typedef typename LhsCleaned::Scalar Scalar; typedef in struct:Eigen::internal::conservative_sparse_sparse_product_selector
137 typedef SparseMatrix<typename ResultType::Scalar,RowMajor,typename ResultType::Index> RowMajorMatrix;
138 typedef SparseMatrix<typename ResultType::Scalar,ColMajor,typename ResultType::Index> ColMajorMatrix;
152 typedef SparseMatrix<typename ResultType::Scalar,RowMajo
189 typedef typename traits<typename remove_all<Lhs>::type>::Scalar Scalar; typedef in struct:Eigen::internal::conservative_sparse_sparse_product_selector
[all...]
H A DSparseUtil.h48 typedef typename Eigen::internal::traits<Derived >::Scalar Scalar; \
49 typedef typename Eigen::NumTraits<Scalar>::Real RealScalar; \
102 typedef typename traits<T>::Scalar _Scalar;
109 typedef typename traits<T>::Scalar _Scalar;
116 typedef typename traits<T>::Scalar _Scalar;
124 typedef typename traits<T>::Scalar _Scalar;
131 typedef typename traits<T>::Scalar _Scalar;
148 template<typename Scalar, typename Index=typename SparseMatrix<Scalar>
154 Triplet(const Index& i, const Index& j, const Scalar& v = Scalar(0)) argument
[all...]
/external/eigen/unsupported/Eigen/src/LevenbergMarquardt/
H A DLevenbergMarquardt.h44 typedef _Scalar Scalar; typedef in struct:Eigen::DenseFunctor
49 typedef Matrix<Scalar,InputsAtCompileTime,1> InputType;
50 typedef Matrix<Scalar,ValuesAtCompileTime,1> ValueType;
51 typedef Matrix<Scalar,ValuesAtCompileTime,InputsAtCompileTime> JacobianType;
71 typedef _Scalar Scalar; typedef in struct:Eigen::SparseFunctor
73 typedef Matrix<Scalar,Dynamic,1> InputType;
74 typedef Matrix<Scalar,Dynamic,1> ValueType;
75 typedef SparseMatrix<Scalar, ColMajor, Index> JacobianType;
98 typename VectorType::Scalar m_delta, typename VectorType::Scalar
116 typedef typename JacobianType::Scalar Scalar; typedef in class:Eigen::LevenbergMarquardt
[all...]
/external/eigen/unsupported/Eigen/src/Splines/
H A DSpline.h38 typedef _Scalar Scalar; /*!< The spline curve's scalar type. */ typedef in class:Eigen::Spline
65 m_knots.template segment<MinDegree+1>(0) = Array<Scalar,1,MinDegree+1>::Zero();
66 m_knots.template segment<MinDegree+1>(MinDegree+1) = Array<Scalar,1,MinDegree+1>::Ones();
82 Spline(const Spline<Scalar, Dimension, OtherDegree>& spline) :
106 PointType operator()(Scalar u) const;
121 derivatives(Scalar u, DenseIndex order) const;
130 derivatives(Scalar u, DenseIndex order = DerivativeOrder) const;
149 basisFunctions(Scalar u) const;
165 basisFunctionDerivatives(Scalar u, DenseIndex order) const;
174 basisFunctionDerivatives(Scalar
354 typedef typename SplineTraits<SplineType>::Scalar Scalar; typedef
[all...]
/external/eigen/test/eigen2/
H A Deigen2_regression.cpp18 typename VectorType::Scalar noiseAmplitude)
20 typedef typename VectorType::Scalar Scalar; typedef
27 hyperplane->coeffs().coeffRef(j) = ei_random<Scalar>();
39 Scalar x = - (hyperplane->coeffs().start(size).cwise()*cur_point).sum();
54 typename VectorType::Scalar tolerance)
60 typename VectorType::Scalar error = (result - original).norm() / original.norm();
69 typename VectorType::Scalar tolerance)
75 typename VectorType::Scalar error = (result.coeffs() - original.coeffs()).norm() / original.coeffs().norm();
H A Dproduct.h27 typedef typename MatrixType::Scalar Scalar; typedef
28 typedef typename NumTraits<Scalar>::FloatingPoint FloatingPoint;
29 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> RowVectorType;
30 typedef Matrix<Scalar, MatrixType::ColsAtCompileTime, 1> ColVectorType;
31 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime> RowSquareMatrixType;
32 typedef Matrix<Scalar, MatrixType::ColsAtCompileTime, MatrixType::ColsAtCompileTime> ColSquareMatrixType;
33 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::ColsAtCompileTime,
58 Scalar s1 = ei_random<Scalar>();
[all...]
/external/eigen/unsupported/Eigen/src/BVH/
H A DBVAlgorithms.h149 typename Minimizer::Scalar minimize_helper(const BVH &tree, Minimizer &minimizer, typename BVH::Index root, typename Minimizer::Scalar minimum)
151 typedef typename Minimizer::Scalar Scalar; typedef
153 typedef std::pair<Scalar, Index> QueueElement; //first element is priority
161 todo.push(std::make_pair(Scalar(), root));
171 Scalar val = minimizer.minimumOnVolume(tree.getVolume(*vBegin));
185 typedef typename Minimizer::Scalar Scalar; typedef in struct:Eigen::internal::minimizer_helper1
187 Scalar minimumOnVolum
198 typedef typename Minimizer::Scalar Scalar; typedef in struct:Eigen::internal::minimizer_helper2
237 typedef typename Minimizer::Scalar Scalar; typedef
[all...]
/external/eigen/unsupported/test/
H A Dforward_adolc.cpp19 EIGEN_DONT_INLINE typename Vector::Scalar foo(const Vector& p)
21 typedef typename Vector::Scalar Scalar; typedef
22 return (p-Vector(Scalar(-1),Scalar(1.))).norm() + (p.array().sqrt().abs() * p.array().sin()).sum() + p.dot(p);
28 typedef _Scalar Scalar; typedef in struct:TestFunc1
33 typedef Matrix<Scalar,InputsAtCompileTime,1> InputType;
34 typedef Matrix<Scalar,ValuesAtCompileTime,1> ValueType;
35 typedef Matrix<Scalar,ValuesAtCompileTime,InputsAtCompileTime> JacobianType;
H A Dautodiff.cpp13 template<typename Scalar>
14 EIGEN_DONT_INLINE Scalar foo(const Scalar& x, const Scalar& y)
19 return static_cast<Scalar>(x*2 - pow(x,2) + 2*sqrt(y*y) - 4 * sin(x) + 2 * cos(y) - exp(-0.5*x*x));
25 EIGEN_DONT_INLINE typename Vector::Scalar foo(const Vector& p)
27 typedef typename Vector::Scalar Scalar; typedef
28 return (p-Vector(Scalar(-1),Scalar(
34 typedef _Scalar Scalar; typedef in struct:TestFunc1
[all...]
/external/eigen/Eigen/src/Eigen2Support/
H A DSVD.h33 typedef typename MatrixType::Scalar Scalar; typedef in class:Eigen::SVD
34 typedef typename NumTraits<typename MatrixType::Scalar>::Real RealScalar;
37 PacketSize = internal::packet_traits<Scalar>::size,
42 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> ColVector;
43 typedef Matrix<Scalar, MatrixType::ColsAtCompileTime, 1> RowVector;
45 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, MinSize> MatrixUType;
46 typedef Matrix<Scalar, MatrixType::ColsAtCompileTime, MatrixType::ColsAtCompileTime> MatrixVType;
47 typedef Matrix<Scalar, MinSize, 1> SingularValuesType;
140 Scalar
[all...]
/external/eigen/Eigen/src/Householder/
H A DBlockHouseholder.h25 typedef typename VectorsType::Scalar Scalar; typedef
32 Scalar Vii = vectors(i,i);
33 vectors.const_cast_derived().coeffRef(i,i) = Scalar(1);
51 Matrix<typename MatrixType::Scalar, TFactorSize, TFactorSize, ColMajor> T(nbVecs,nbVecs);
57 Matrix<typename MatrixType::Scalar,VectorsType::ColsAtCompileTime,MatrixType::ColsAtCompileTime,0,
/external/eigen/Eigen/src/SparseLU/
H A DSparseLU_gemm_kernel.h24 template<typename Scalar,typename Index>
26 void sparselu_gemm(Index m, Index n, Index d, const Scalar* A, Index lda, const Scalar* B, Index ldb, Scalar* C, Index ldc)
30 typedef typename packet_traits<Scalar>::type Packet;
33 PacketSize = packet_traits<Scalar>::size,
37 BM = 4096/sizeof(Scalar), // number of rows of A-C per chunk
51 Scalar c = C[i+j*ldc];
67 const Scalar* Bc0 = B+(j+0)*ldb;
68 const Scalar* Bc
[all...]
H A DSparseLU_pivotL.h59 template <typename Scalar, typename Index>
60 Index SparseLUImpl<Scalar,Index>::pivotL(const Index jcol, const RealScalar& diagpivotthresh, IndexVector& perm_r, IndexVector& iperm_c, Index& pivrow, GlobalLU_t& glu)
68 Scalar* lu_sup_ptr = &(glu.lusup.data()[glu.xlusup(fsupc)]); // Start of the current supernode
69 Scalar* lu_col_ptr = &(glu.lusup.data()[glu.xlusup(jcol)]); // Start of jcol in the supernode
125 Scalar temp = Scalar(1.0) / lu_col_ptr[nsupc];

Completed in 623 milliseconds

1234567891011>>