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

1 2 3 4 5 6 7 8 91011>>

  /external/lldb/include/lldb/Core/
Scalar.h 1 //===-- Scalar.h ------------------------------------------------*- C++ -*-===//
19 // Operators are defined and Scalar objects will correctly promote
23 class Scalar
43 Scalar();
44 Scalar(int v) : m_type(e_sint), m_data() { m_data.sint = v; }
45 Scalar(unsigned int v) : m_type(e_uint), m_data() { m_data.uint = v; }
46 Scalar(long v) : m_type(e_slong), m_data() { m_data.slong = v; }
47 Scalar(unsigned long v) : m_type(e_ulong), m_data() { m_data.ulong = v; }
48 Scalar(long long v) : m_type(e_slonglong), m_data() { m_data.slonglong = v; }
49 Scalar(unsigned long long v): m_type(e_ulonglong), m_data() { m_data.ulonglong = v;
    [all...]
  /external/eigen/Eigen/src/Core/
MathFunctions.h 54 #define EIGEN_MATHFUNC_IMPL(func, scalar) Eigen::internal::func##_impl<typename Eigen::internal::global_math_functions_filtering_base<scalar>::type>
55 #define EIGEN_MATHFUNC_RETVAL(func, scalar) typename Eigen::internal::func##_retval<typename Eigen::internal::global_math_functions_filtering_base<scalar>::type>::type
61 template<typename Scalar, bool IsComplex = NumTraits<Scalar>::IsComplex>
64 typedef typename NumTraits<Scalar>::Real RealScalar;
65 static inline RealScalar run(const Scalar& x)
71 template<typename Scalar>
72 struct real_default_impl<Scalar,true
    [all...]
Functors.h 24 template<typename Scalar> struct scalar_sum_op {
26 EIGEN_STRONG_INLINE const Scalar operator() (const Scalar& a, const Scalar& b) const { return a + b; }
31 EIGEN_STRONG_INLINE const Scalar predux(const Packet& a) const
34 template<typename Scalar>
35 struct functor_traits<scalar_sum_op<Scalar> > {
37 Cost = NumTraits<Scalar>::AddCost,
38 PacketAccess = packet_traits<Scalar>::HasAdd
104 template<typename Scalar> struct scalar_min_op
    [all...]
Random.h 17 template<typename Scalar> struct scalar_random_op {
20 inline const Scalar operator() (Index, Index = 0) const { return random<Scalar>(); }
23 template<typename Scalar>
24 struct functor_traits<scalar_random_op<Scalar> >
25 { enum { Cost = 5 * NumTraits<Scalar>::MulCost, PacketAccess = false, IsRepeatable = false }; };
48 inline const CwiseNullaryOp<internal::scalar_random_op<typename internal::traits<Derived>::Scalar>, Derived>
51 return NullaryExpr(rows, cols, internal::scalar_random_op<Scalar>());
75 inline const CwiseNullaryOp<internal::scalar_random_op<typename internal::traits<Derived>::Scalar>, Derived>
78 return NullaryExpr(size, internal::scalar_random_op<Scalar>());
    [all...]
  /external/eigen/test/
smallvectors.cpp 13 template<typename Scalar> void smallVectors()
15 typedef Matrix<Scalar, 1, 2> V2;
16 typedef Matrix<Scalar, 3, 1> V3;
17 typedef Matrix<Scalar, 1, 4> V4;
18 typedef Matrix<Scalar, Dynamic, 1> VX;
19 Scalar x1 = internal::random<Scalar>(),
20 x2 = internal::random<Scalar>(),
21 x3 = internal::random<Scalar>(),
22 x4 = internal::random<Scalar>();
    [all...]
first_aligned.cpp 12 template<typename Scalar>
13 void test_first_aligned_helper(Scalar *array, int size)
15 const int packet_size = sizeof(Scalar) * internal::packet_traits<Scalar>::size;
16 VERIFY(((size_t(array) + sizeof(Scalar) * internal::first_aligned(array, size)) % packet_size) == 0);
19 template<typename Scalar>
20 void test_none_aligned_helper(Scalar *array, int size)
24 VERIFY(internal::packet_traits<Scalar>::size == 1 || internal::first_aligned(array, size) == size);
geo_eulerangles.cpp 16 template<typename Scalar>
17 void verify_euler(const Matrix<Scalar,3,1>& ea, int i, int j, int k)
19 typedef Matrix<Scalar,3,3> Matrix3;
20 typedef Matrix<Scalar,3,1> Vector3;
21 typedef AngleAxis<Scalar> AngleAxisx;
29 if( (i!=k || ea[1]!=0) && (i==k || !internal::isApprox(abs(ea[1]),Scalar(M_PI/2),test_precision<Scalar>())) )
30 VERIFY((ea-eabis).norm() <= test_precision<Scalar>());
33 VERIFY(0 < eabis[0] || test_isMuchSmallerThan(eabis[0], Scalar(1)));
34 VERIFY_IS_APPROX_OR_LESS_THAN(eabis[0], Scalar(M_PI))
    [all...]
  /external/eigen/blas/
level2_real_impl.h 15 typedef void (*functype)(int, const Scalar*, int, const Scalar*, int, Scalar*, Scalar);
24 func[UP] = (internal::selfadjoint_matrix_vector_product<Scalar,int,ColMajor,Upper,false,false>::run);
25 func[LO] = (internal::selfadjoint_matrix_vector_product<Scalar,int,ColMajor,Lower,false,false>::run);
30 Scalar* a = reinterpret_cast<Scalar*>(pa);
31 Scalar* x = reinterpret_cast<Scalar*>(px)
    [all...]
GeneralRank1Update.h 16 template<typename Scalar, typename Index, int StorageOrder, bool ConjLhs, bool ConjRhs>
19 template<typename Scalar, typename Index, bool ConjLhs, bool ConjRhs>
20 struct general_rank1_update<Scalar,Index,ColMajor,ConjLhs,ConjRhs>
22 static void run(Index rows, Index cols, Scalar* mat, Index stride, const Scalar* u, const Scalar* v, Scalar alpha)
24 typedef Map<const Matrix<Scalar,Dynamic,1> > OtherMap;
29 Map<Matrix<Scalar,Dynamic,1> >(mat+stride*i,rows) += alpha * cj(v[i]) * ConjRhsType(OtherMap(u,rows));
33 template<typename Scalar, typename Index, bool ConjLhs, bool ConjRhs
    [all...]
level2_cplx_impl.h 21 typedef void (*functype)(int, const Scalar*, int, const Scalar*, int, Scalar*, Scalar);
30 func[UP] = (internal::selfadjoint_matrix_vector_product<Scalar,int,ColMajor,Upper,false,false>::run);
31 func[LO] = (internal::selfadjoint_matrix_vector_product<Scalar,int,ColMajor,Lower,false,false>::run);
36 Scalar* a = reinterpret_cast<Scalar*>(pa);
37 Scalar* x = reinterpret_cast<Scalar*>(px)
    [all...]
level2_impl.h 14 typedef void (*functype)(int, int, const Scalar *, int, const Scalar *, int , Scalar *, int, Scalar);
23 func[NOTR] = (internal::general_matrix_vector_product<int,Scalar,ColMajor,false,Scalar,false>::run);
24 func[TR ] = (internal::general_matrix_vector_product<int,Scalar,RowMajor,false,Scalar,false>::run);
25 func[ADJ ] = (internal::general_matrix_vector_product<int,Scalar,RowMajor,Conj, Scalar,false>::run)
    [all...]
level1_real_impl.h 18 Scalar* x = reinterpret_cast<Scalar*>(px);
27 Scalar EIGEN_BLAS_FUNC(dot)(int *n, RealScalar *px, int *incx, RealScalar *py, int *incy)
33 Scalar* x = reinterpret_cast<Scalar*>(px);
34 Scalar* y = reinterpret_cast<Scalar*>(py);
46 Scalar EIGEN_BLAS_FUNC(nrm2)(int *n, RealScalar *px, int *incx)
51 Scalar* x = reinterpret_cast<Scalar*>(px)
    [all...]
  /external/eigen/doc/examples/
class_CwiseBinaryOp.cpp 7 template<typename Scalar> struct MakeComplexOp {
9 typedef complex<Scalar> result_type;
10 complex<Scalar> operator()(const Scalar& a, const Scalar& b) const { return complex<Scalar>(a,b); }
class_CwiseUnaryOp.cpp 7 template<typename Scalar>
9 CwiseClampOp(const Scalar& inf, const Scalar& sup) : m_inf(inf), m_sup(sup) {}
10 const Scalar operator()(const Scalar& x) const { return x<m_inf ? m_inf : (x>m_sup ? m_sup : x); }
11 Scalar m_inf, m_sup;
  /external/eigen/Eigen/src/plugins/
MatrixCwiseUnaryOps.h 20 EIGEN_STRONG_INLINE const CwiseUnaryOp<internal::scalar_abs_op<Scalar>, const Derived>
30 EIGEN_STRONG_INLINE const CwiseUnaryOp<internal::scalar_abs2_op<Scalar>, const Derived>
40 inline const CwiseUnaryOp<internal::scalar_sqrt_op<Scalar>, const Derived>
50 inline const CwiseUnaryOp<internal::scalar_inverse_op<Scalar>, const Derived>
53 /** \returns an expression of the coefficient-wise == operator of \c *this and a scalar \a s
62 inline const CwiseUnaryOp<std::binder1st<std::equal_to<Scalar> >, const Derived>
63 cwiseEqual(const Scalar& s) const
65 return CwiseUnaryOp<std::binder1st<std::equal_to<Scalar> >,const Derived>
66 (derived(), std::bind1st(std::equal_to<Scalar>(), s));
ArrayCwiseUnaryOps.h 10 EIGEN_STRONG_INLINE const CwiseUnaryOp<internal::scalar_abs_op<Scalar>, const Derived>
23 EIGEN_STRONG_INLINE const CwiseUnaryOp<internal::scalar_abs2_op<Scalar>, const Derived>
36 inline const CwiseUnaryOp<internal::scalar_exp_op<Scalar>, const Derived>
49 inline const CwiseUnaryOp<internal::scalar_log_op<Scalar>, const Derived>
62 inline const CwiseUnaryOp<internal::scalar_sqrt_op<Scalar>, const Derived>
75 inline const CwiseUnaryOp<internal::scalar_cos_op<Scalar>, const Derived>
89 inline const CwiseUnaryOp<internal::scalar_sin_op<Scalar>, const Derived>
102 inline const CwiseUnaryOp<internal::scalar_acos_op<Scalar>, const Derived>
115 inline const CwiseUnaryOp<internal::scalar_asin_op<Scalar>, const Derived>
128 inline const CwiseUnaryOp<internal::scalar_tan_op<Scalar>, Derived
    [all...]
ArrayCwiseBinaryOps.h 17 EIGEN_STRONG_INLINE const CwiseBinaryOp<internal::scalar_quotient_op<Scalar>, const Derived, const OtherDerived>
20 return CwiseBinaryOp<internal::scalar_quotient_op<Scalar>, const Derived, const OtherDerived>(derived(), other.derived());
32 /** \returns an expression of the coefficient-wise min of \c *this and scalar \a other
36 EIGEN_STRONG_INLINE const CwiseBinaryOp<internal::scalar_min_op<Scalar>, const Derived,
37 const CwiseNullaryOp<internal::scalar_constant_op<Scalar>, PlainObject> >
43 (const Scalar &other) const
57 /** \returns an expression of the coefficient-wise max of \c *this and scalar \a other
61 EIGEN_STRONG_INLINE const CwiseBinaryOp<internal::scalar_max_op<Scalar>, const Derived,
62 const CwiseNullaryOp<internal::scalar_constant_op<Scalar>, PlainObject> >
68 (const Scalar &other) cons
    [all...]
CommonCwiseUnaryOps.h 15 /** \internal Represents a scalar multiple of an expression */
16 typedef CwiseUnaryOp<internal::scalar_multiple_op<Scalar>, const Derived> ScalarMultipleReturnType;
17 /** \internal Represents a quotient of an expression by a scalar*/
18 typedef CwiseUnaryOp<internal::scalar_quotient1_op<Scalar>, const Derived> ScalarQuotient1ReturnType;
20 typedef typename internal::conditional<NumTraits<Scalar>::IsComplex,
21 const CwiseUnaryOp<internal::scalar_conjugate_op<Scalar>, const Derived>,
25 typedef typename internal::conditional<NumTraits<Scalar>::IsComplex,
26 const CwiseUnaryOp<internal::scalar_real_op<Scalar>, const Derived>,
30 typedef typename internal::conditional<NumTraits<Scalar>::IsComplex,
31 CwiseUnaryView<internal::scalar_real_ref_op<Scalar>, Derived>
    [all...]
  /external/eigen/Eigen/src/Eigen2Support/Geometry/
Quaternion.h 25 * \param _Scalar the scalar type, i.e., the type of the coefficients
43 typedef _Scalar Scalar;
56 /** the scalar type of the coefficients */
57 typedef _Scalar Scalar;
60 typedef Matrix<Scalar, 4, 1> Coefficients;
62 typedef Matrix<Scalar,3,1> Vector3;
64 typedef Matrix<Scalar,3,3> Matrix3;
66 typedef AngleAxis<Scalar> AngleAxisType;
69 inline Scalar x() const { return m_coeffs.coeff(0); }
71 inline Scalar y() const { return m_coeffs.coeff(1);
    [all...]
  /external/eigen/unsupported/Eigen/src/MatrixFunctions/
StemFunction.h 18 template <typename Scalar>
24 static Scalar exp(Scalar x, int)
30 static Scalar cos(Scalar x, int n)
32 Scalar res;
51 static Scalar sin(Scalar x, int n)
53 Scalar res;
72 static Scalar cosh(Scalar x, int n
    [all...]
  /external/eigen/Eigen/src/Geometry/
Scaling.h 21 * \param _Scalar the scalar type, i.e., the type of the coefficients.
24 * type of Scaling(Scalar), and most of the time this is the only way it
36 /** the scalar type of the coefficients */
37 typedef _Scalar Scalar;
41 Scalar m_factor;
48 explicit inline UniformScaling(const Scalar& s) : m_factor(s) {}
50 inline const Scalar& factor() const { return m_factor; }
51 inline Scalar& factor() { return m_factor; }
59 inline Transform<Scalar,Dim,Affine> operator* (const Translation<Scalar,Dim>& t) const
    [all...]
  /external/eigen/test/eigen2/
eigen2_first_aligned.cpp 12 template<typename Scalar>
13 void test_eigen2_first_aligned_helper(Scalar *array, int size)
15 const int packet_size = sizeof(Scalar) * ei_packet_traits<Scalar>::size;
16 VERIFY(((std::size_t(array) + sizeof(Scalar) * ei_alignmentOffset(array, size)) % packet_size) == 0);
19 template<typename Scalar>
20 void test_eigen2_none_aligned_helper(Scalar *array, int size)
22 VERIFY(ei_packet_traits<Scalar>::size == 1 || ei_alignmentOffset(array, size) == size);
sparse.h 44 template<typename Scalar> void
46 Matrix<Scalar,Dynamic,Dynamic>& refMat,
47 SparseMatrix<Scalar>& sparseMat,
57 Scalar v = (ei_random<double>(0,1) < density) ? ei_random<Scalar>() : Scalar(0);
60 v = ei_random<Scalar>()*Scalar(3.);
61 v = v*v + Scalar(5.);
64 v = Scalar(0)
    [all...]
eigen2_parametrizedline.cpp 23 typedef typename LineType::Scalar Scalar;
24 typedef typename NumTraits<Scalar>::Real RealScalar;
25 typedef Matrix<Scalar, LineType::AmbientDimAtCompileTime, 1> VectorType;
26 typedef Matrix<Scalar, LineType::AmbientDimAtCompileTime,
36 Scalar s0 = ei_random<Scalar>();
37 Scalar s1 = ei_abs(ei_random<Scalar>());
43 VERIFY_IS_APPROX( Scalar(l0.distance((p0+s0*d0) + d0.unitOrthogonal() * s1)), s1 )
    [all...]
  /external/eigen/Eigen/src/Core/util/
BlasUtil.h 24 template<typename Scalar, typename Index, int nr, int StorageOrder, bool Conjugate = false, bool PanelMode=false>
27 template<typename Scalar, typename Index, int Pack1, int Pack2, int StorageOrder, bool Conjugate = false, bool PanelMode = false>
57 template<typename Scalar> struct conj_helper<Scalar,Scalar,false,false>
59 EIGEN_STRONG_INLINE Scalar pmadd(const Scalar& x, const Scalar& y, const Scalar& c) const { return internal::pmadd(x,y,c); }
60 EIGEN_STRONG_INLINE Scalar pmul(const Scalar& x, const Scalar& y) const { return internal::pmul(x,y);
    [all...]

Completed in 1394 milliseconds

1 2 3 4 5 6 7 8 91011>>