HomeSort by relevance Sort by last modified time
    Searched defs:Scalar (Results 76 - 100 of 262) sorted by null

1 2 34 5 6 7 8 91011

  /external/eigen/Eigen/src/Core/
Matrix.h 108 typedef _Scalar Scalar;
118 CoeffReadCost = NumTraits<Scalar>::ReadCost,
245 Matrix(const Scalar& x, const Scalar& y);
249 EIGEN_STRONG_INLINE Matrix(const Scalar& x, const Scalar& y, const Scalar& z)
258 EIGEN_STRONG_INLINE Matrix(const Scalar& x, const Scalar& y, const Scalar& z, const Scalar& w
    [all...]
Select.h 35 typedef typename traits<ThenMatrixType>::Scalar Scalar;
75 const Scalar coeff(Index i, Index j) const
83 const Scalar coeff(Index i) const
131 * the \em else expression being a scalar value.
139 typename ThenDerived::Scalar elseScalar) const
146 * the \em then expression being a scalar value.
153 DenseBase<Derived>::select(typename ElseDerived::Scalar thenScalar,
Visitor.h 64 * void init(const Scalar& value, Index i, Index j);
66 * void operator() (const Scalar& value, Index i, Index j);
98 typedef typename Derived::Scalar Scalar;
100 Scalar res;
101 inline void init(const Scalar& value, Index i, Index j)
118 typedef typename Derived::Scalar Scalar;
119 void operator() (const Scalar& value, Index i, Index j)
130 template<typename Scalar>
    [all...]
  /external/eigen/Eigen/src/Core/products/
SelfadjointProduct.h 21 template<typename Scalar, typename Index, int StorageOrder, int UpLo, bool ConjLhs, bool ConjRhs>
24 template<typename Scalar, typename Index, int UpLo, bool ConjLhs, bool ConjRhs>
25 struct selfadjoint_rank1_update<Scalar,Index,ColMajor,UpLo,ConjLhs,ConjRhs>
27 static void run(Index size, Scalar* mat, Index stride, const Scalar* vec, Scalar alpha)
30 typedef Map<const Matrix<Scalar,Dynamic,1> > OtherMap;
34 Map<Matrix<Scalar,Dynamic,1> >(mat+stride*i+(UpLo==Lower ? i : 0), (UpLo==Lower ? size-i : (i+1)))
40 template<typename Scalar, typename Index, int UpLo, bool ConjLhs, bool ConjRhs>
41 struct selfadjoint_rank1_update<Scalar,Index,RowMajor,UpLo,ConjLhs,ConjRhs
    [all...]
  /external/eigen/Eigen/src/Eigen2Support/Geometry/
AlignedBox.h 21 * \param _Scalar the type of the scalar coefficients
32 typedef _Scalar Scalar;
33 typedef typename NumTraits<Scalar>::Real RealScalar;
34 typedef Matrix<Scalar,AmbientDimAtCompileTime,1> VectorType;
61 m_min.setConstant( (std::numeric_limits<Scalar>::max)());
62 m_max.setConstant(-(std::numeric_limits<Scalar>::max)());
102 inline Scalar squaredExteriorDistance(const VectorType& p) const;
108 inline Scalar exteriorDistance(const VectorType& p) const
111 /** \returns \c *this with scalar type casted to \a NewScalarType
113 * Note that if \a NewScalarType is equal to the current scalar type of \c *thi
    [all...]
AngleAxis.h 20 * \param _Scalar the scalar type, i.e., the type of the coefficients.
42 typedef _Scalar Scalar;
55 /** the scalar type of the coefficients */
56 typedef _Scalar Scalar;
57 typedef Matrix<Scalar,3,3> Matrix3;
58 typedef Matrix<Scalar,3,1> Vector3;
59 typedef Quaternion<Scalar> QuaternionType;
64 Scalar m_angle;
73 inline AngleAxis(Scalar angle, const MatrixBase<Derived>& axis) : m_axis(axis), m_angle(angle) {}
80 Scalar angle() const { return m_angle;
    [all...]
Hyperplane.h 24 * \param _Scalar the scalar type, i.e., the type of the coefficients
38 typedef _Scalar Scalar;
39 typedef typename NumTraits<Scalar>::Real RealScalar;
40 typedef Matrix<Scalar,AmbientDimAtCompileTime,1> VectorType;
41 typedef Matrix<Scalar,int(AmbientDimAtCompileTime)==Dynamic
67 inline Hyperplane(const VectorType& n, Scalar d)
102 explicit Hyperplane(const ParametrizedLine<Scalar, AmbientDimAtCompileTime>& parametrized)
122 inline Scalar signedDistance(const VectorType& p) const { return p.eigen2_dot(normal()) + offset(); }
127 inline Scalar absDistance(const VectorType& p) const { return ei_abs(signedDistance(p)); }
146 inline const Scalar& offset() const { return m_coeffs.coeff(dim());
    [all...]
ParametrizedLine.h 25 * \param _Scalar the scalar type, i.e., the type of the coefficients
34 typedef _Scalar Scalar;
35 typedef typename NumTraits<Scalar>::Real RealScalar;
36 typedef Matrix<Scalar,AmbientDimAtCompileTime,1> VectorType;
85 Scalar intersection(const Hyperplane<_Scalar, _AmbientDim>& hyperplane);
87 /** \returns \c *this with scalar type casted to \a NewScalarType
89 * Note that if \a NewScalarType is equal to the current scalar type of \c *this
100 /** Copy constructor with scalar type conversion */
104 m_origin = other.origin().template cast<Scalar>();
105 m_direction = other.direction().template cast<Scalar>();
    [all...]
Rotation2D.h 20 * \param _Scalar the scalar type, i.e., the type of the coefficients
22 * This class is equivalent to a single scalar representing a counter clock wise rotation
32 typedef _Scalar Scalar;
45 /** the scalar type of the coefficients */
46 typedef _Scalar Scalar;
47 typedef Matrix<Scalar,2,1> Vector2;
48 typedef Matrix<Scalar,2,2> Matrix2;
52 Scalar m_angle;
57 inline Rotation2D(Scalar a) : m_angle(a) {}
60 inline Scalar angle() const { return m_angle;
    [all...]
  /external/eigen/Eigen/src/Eigen2Support/
LU.h 20 typedef typename MatrixType::Scalar Scalar;
21 typedef typename NumTraits<typename MatrixType::Scalar>::Real RealScalar;
24 typedef Matrix<Scalar, 1, MatrixType::ColsAtCompileTime, MatrixType::Options, 1, MatrixType::MaxColsAtCompileTime> RowVectorType;
25 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1, MatrixType::Options, MatrixType::MaxRowsAtCompileTime, 1> ColVectorType;
27 typedef Matrix<typename MatrixType::Scalar,
37 typedef Matrix<typename MatrixType::Scalar,
  /external/eigen/Eigen/src/Geometry/
ParametrizedLine.h 26 * \param _Scalar the scalar type, i.e., the type of the coefficients
38 typedef _Scalar Scalar;
39 typedef typename NumTraits<Scalar>::Real RealScalar;
41 typedef Matrix<Scalar,AmbientDimAtCompileTime,1,Options> VectorType;
47 ParametrizedLine(const ParametrizedLine<Scalar,AmbientDimAtCompileTime,OtherOptions>& other)
96 VectorType pointAt( Scalar t ) const;
99 Scalar intersectionParameter(const Hyperplane<_Scalar, _AmbientDim, OtherOptions>& hyperplane) const;
102 Scalar intersection(const Hyperplane<_Scalar, _AmbientDim, OtherOptions>& hyperplane) const;
107 /** \returns \c *this with scalar type casted to \a NewScalarType
109 * Note that if \a NewScalarType is equal to the current scalar type of \c *thi
    [all...]
Rotation2D.h 21 * \param _Scalar the scalar type, i.e., the type of the coefficients
23 * This class is equivalent to a single scalar representing a counter clock wise rotation
36 typedef _Scalar Scalar;
50 /** the scalar type of the coefficients */
51 typedef _Scalar Scalar;
52 typedef Matrix<Scalar,2,1> Vector2;
53 typedef Matrix<Scalar,2,2> Matrix2;
57 Scalar m_angle;
62 inline Rotation2D(Scalar a) : m_angle(a) {}
65 inline Scalar angle() const { return m_angle;
    [all...]
Translation.h 21 * \param _Scalar the scalar type, i.e., the type of the coefficients.
36 /** the scalar type of the coefficients */
37 typedef _Scalar Scalar;
39 typedef Matrix<Scalar,Dim,1> VectorType;
41 typedef Matrix<Scalar,Dim,Dim> LinearMatrixType;
43 typedef Transform<Scalar,Dim,Affine> AffineTransformType;
45 typedef Transform<Scalar,Dim,Isometry> IsometryTransformType;
56 inline Translation(const Scalar& sx, const Scalar& sy)
63 inline Translation(const Scalar& sx, const Scalar& sy, const Scalar& sz
    [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/Eigen/src/SparseCore/
ConservativeSparseSparseProduct.h 20 typedef typename remove_all<Lhs>::type::Scalar Scalar;
29 Matrix<Scalar,Dynamic,1> values(rows);
50 Scalar y = rhsIt.value();
55 Scalar x = lhsIt.value();
133 typedef typename LhsCleaned::Scalar Scalar;
137 typedef SparseMatrix<typename ResultType::Scalar,RowMajor> RowMajorMatrix;
138 typedef SparseMatrix<typename ResultType::Scalar,ColMajor> ColMajorMatrix;
152 typedef SparseMatrix<typename ResultType::Scalar,RowMajor> RowMajorMatrix
    [all...]
SparsePermutation.h 23 typedef typename MatrixTypeNestedCleaned::Scalar Scalar;
31 SparseMatrix<Scalar,SrcStorageOrder,Index>,
32 SparseMatrix<Scalar,int(SrcStorageOrder)==RowMajor?ColMajor:RowMajor,Index> >::type ReturnType;
40 typedef typename MatrixTypeNestedCleaned::Scalar Scalar;
59 SparseMatrix<Scalar,SrcStorageOrder,Index> tmp(m_matrix.rows(), m_matrix.cols());
79 SparseMatrix<Scalar,int(SrcStorageOrder)==RowMajor?ColMajor:RowMajor,Index> tmp(m_matrix.rows(), m_matrix.cols());
  /external/eigen/bench/
BenchSparseUtil.h 18 #ifndef SCALAR
19 #define SCALAR double
22 typedef SCALAR Scalar;
23 typedef Matrix<Scalar,Dynamic,Dynamic> DenseMatrix;
24 typedef Matrix<Scalar,Dynamic,1> DenseVector;
25 typedef SparseMatrix<Scalar> EigenSparseMatrix;
34 Scalar v = (internal::random<float>(0,1) < density) ? internal::random<Scalar>() : 0;
56 dst.insert(k,j) = internal::random<Scalar>();
    [all...]
benchBlasGemm.cpp 21 typedef float Scalar;
24 typedef double Scalar;
29 typedef Eigen::Matrix<Scalar,Eigen::Dynamic,Eigen::Dynamic> MyMatrix;
101 Scalar alpha, beta;
183 MyMatrix::Scalar eps = 1e-4;
benchCholesky.cpp 26 typedef float Scalar;
43 typedef typename MatrixType::Scalar Scalar;
44 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime> SquareMatrixType;
51 Scalar acc = 0;
129 benchLLT(Matrix<Scalar,Dynamic,Dynamic>(dynsizes[i],dynsizes[i]));
131 benchLLT(Matrix<Scalar,2,2>());
132 benchLLT(Matrix<Scalar,3,3>());
133 benchLLT(Matrix<Scalar,4,4>());
134 benchLLT(Matrix<Scalar,5,5>())
    [all...]
benchEigenSolver.cpp 27 #ifndef SCALAR
28 #define SCALAR float
31 typedef SCALAR Scalar;
42 typedef typename MatrixType::Scalar Scalar;
43 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime> SquareMatrixType;
50 Scalar acc = 0;
95 gmm::dense_matrix<Scalar> gmmCovMat(covMat.rows(),covMat.cols());
96 gmm::dense_matrix<Scalar> eigvect(covMat.rows(),covMat.cols())
    [all...]
benchVecAdd.cpp 15 typedef float Scalar;
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>(size2);
    [all...]
geometry.cpp 9 #ifndef SCALAR
10 #define SCALAR float
17 typedef SCALAR Scalar;
18 typedef NumTraits<Scalar>::Real RealScalar;
20 typedef Matrix</*Real*/Scalar,Dynamic,Dynamic> B;
21 typedef Matrix<Scalar,Dynamic,Dynamic> C;
32 template<typename Scalar, typename Data>
33 EIGEN_DONT_INLINE void transform(const Quaternion<Scalar>& t, Data& data)
44 typedef typename T::Scalar Scalar
    [all...]
  /external/eigen/test/
adjoint.cpp 20 typedef typename MatrixType::Scalar Scalar;
21 typedef typename NumTraits<Scalar>::Real RealScalar;
22 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType;
23 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime> SquareMatrixType;
37 Scalar s1 = internal::random<Scalar>(),
38 s2 = internal::random<Scalar>();
49 typedef typename NumTraits<Scalar>::Real RealScalar;
51 RealScalar ref = NumTraits<Scalar>::IsInteger ? RealScalar(0) : (std::max)((s1 * v1 + s2 * v2).norm(),v3.norm())
    [all...]
array.cpp 15 typedef typename ArrayType::Scalar Scalar;
16 typedef typename NumTraits<Scalar>::Real RealScalar;
17 typedef Array<Scalar, ArrayType::RowsAtCompileTime, 1> ColVectorType;
18 typedef Array<Scalar, 1, ArrayType::ColsAtCompileTime> RowVectorType;
30 Scalar s1 = internal::random<Scalar>(),
31 s2 = internal::random<Scalar>();
33 // scalar addition
39 VERIFY_IS_APPROX((m1*Scalar(2)) - s2, (m1+m1) - ArrayType::Constant(rows,cols,s2) )
    [all...]
cwiseop.cpp 26 template<typename Scalar> struct AddIfNull {
27 const Scalar operator() (const Scalar a, const Scalar b) const {return a<=1e-3 ? b : a;}
28 enum { Cost = NumTraits<Scalar>::AddCost };
34 typedef typename MatrixType::Scalar Scalar;
35 typedef typename NumTraits<Scalar>::Real RealScalar;
36 typedef Matrix<Scalar, MatrixType::RowsAtCompileTime, 1> VectorType;
47 identity = Matrix<Scalar, MatrixType::RowsAtCompileTime, MatrixType::RowsAtCompileTime
    [all...]

Completed in 225 milliseconds

1 2 34 5 6 7 8 91011