Home
last modified time | relevance | path

Searched refs:Eigen (Results 1 – 25 of 1539) sorted by relevance

12345678910>>...62

/external/tensorflow/tensorflow/core/framework/
Dtensor_types.h24 template <typename T, int NDIMS = 1, typename IndexType = Eigen::DenseIndex>
27 typedef Eigen::TensorMap<Eigen::Tensor<T, NDIMS, Eigen::RowMajor, IndexType>,
28 Eigen::Aligned>
30 typedef Eigen::TensorMap<
31 Eigen::Tensor<const T, NDIMS, Eigen::RowMajor, IndexType>, Eigen::Aligned>
35 typedef Eigen::TensorMap<Eigen::Tensor<T, NDIMS, Eigen::RowMajor, IndexType> >
37 typedef Eigen::TensorMap<
38 Eigen::Tensor<const T, NDIMS, Eigen::RowMajor, IndexType> >
41 typedef Eigen::TensorMap<Eigen::Tensor<T, NDIMS, Eigen::RowMajor, int>,
42 Eigen::Aligned>
[all …]
/external/eigen/unsupported/test/
Dcxx11_tensor_of_float16_cuda.cu22 using Eigen::Tensor;
26 Eigen::CudaStreamDevice stream; in test_cuda_numext()
27 Eigen::GpuDevice gpu_device(&stream); in test_cuda_numext()
34 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_float( in test_cuda_numext()
36 Eigen::TensorMap<Eigen::Tensor<bool, 1>, Eigen::Aligned> gpu_res_half( in test_cuda_numext()
38 Eigen::TensorMap<Eigen::Tensor<bool, 1>, Eigen::Aligned> gpu_res_float( in test_cuda_numext()
42 gpu_res_float.device(gpu_device) = gpu_float.unaryExpr(Eigen::internal::scalar_isnan_op<float>()); in test_cuda_numext()
43 …res_half.device(gpu_device) = gpu_float.cast<Eigen::half>().unaryExpr(Eigen::internal::scalar_isna… in test_cuda_numext()
66 Eigen::CudaStreamDevice stream; in test_cuda_conversion()
67 Eigen::GpuDevice gpu_device(&stream); in test_cuda_conversion()
[all …]
Dcxx11_tensor_index_list.cpp54 typedef Eigen::IndexList<Eigen::type2index<0>> Dims0; in test_type2index_list()
55 typedef Eigen::IndexList<Eigen::type2index<0>, Eigen::type2index<1>> Dims1; in test_type2index_list()
56 typedef Eigen::IndexList<Eigen::type2index<0>, Eigen::type2index<1>, Eigen::type2index<2>> Dims2; in test_type2index_list()
57 …typedef Eigen::IndexList<Eigen::type2index<0>, Eigen::type2index<1>, Eigen::type2index<2>, Eigen::… in test_type2index_list()
58 …typedef Eigen::IndexList<Eigen::type2index<0>, Eigen::type2index<1>, Eigen::type2index<2>, Eigen::… in test_type2index_list()
168 typedef Eigen::IndexPairList<Eigen::type2indexpair<0,10>> Dims0; in test_type2indexpair_list()
169 …typedef Eigen::IndexPairList<Eigen::type2indexpair<0,10>, Eigen::type2indexpair<1,11>, Eigen::type… in test_type2indexpair_list()
170 …typedef Eigen::IndexPairList<Eigen::type2indexpair<0,10>, Eigen::IndexPair<DenseIndex>, Eigen::typ… in test_type2indexpair_list()
171 …typedef Eigen::IndexPairList<Eigen::IndexPair<DenseIndex>, Eigen::type2indexpair<1,11>, Eigen::Ind… in test_type2indexpair_list()
177 d2_b.set(1, Eigen::IndexPair<DenseIndex>(1,11)); in test_type2indexpair_list()
[all …]
Dcxx11_tensor_cuda.cu21 using Eigen::Tensor;
38 Eigen::CudaStreamDevice stream; in test_cuda_nullary()
39 Eigen::GpuDevice gpu_device(&stream); in test_cuda_nullary()
41 Eigen::TensorMap<Eigen::Tensor<float, 1, 0, int>, Eigen::Aligned> gpu_in1( in test_cuda_nullary()
43 Eigen::TensorMap<Eigen::Tensor<float, 1, 0, int>, Eigen::Aligned> gpu_in2( in test_cuda_nullary()
69 Tensor<float, 1> in1(Eigen::array<Eigen::DenseIndex, 1>(2)); in test_cuda_elementwise_small()
70 Tensor<float, 1> in2(Eigen::array<Eigen::DenseIndex, 1>(2)); in test_cuda_elementwise_small()
71 Tensor<float, 1> out(Eigen::array<Eigen::DenseIndex, 1>(2)); in test_cuda_elementwise_small()
89 Eigen::CudaStreamDevice stream; in test_cuda_elementwise_small()
90 Eigen::GpuDevice gpu_device(&stream); in test_cuda_elementwise_small()
[all …]
Dcxx11_tensor_device.cu22 using Eigen::Tensor;
23 using Eigen::RowMajor;
27 …CPUContext(const Eigen::Tensor<float, 3>& in1, Eigen::Tensor<float, 3>& in2, Eigen::Tensor<float, … in CPUContext()
46 const Eigen::DefaultDevice& device() const { return cpu_device_; } in device()
48 const Eigen::Tensor<float, 3>& in1() const { return in1_; } in in1()
49 const Eigen::Tensor<float, 3>& in2() const { return in2_; } in in2()
50 Eigen::Tensor<float, 3>& out() { return out_; } in out()
51 const Eigen::Tensor<float, 1>& kernel1d() const { return kernel_1d_; } in kernel1d()
52 const Eigen::Tensor<float, 2>& kernel2d() const { return kernel_2d_; } in kernel2d()
53 const Eigen::Tensor<float, 3>& kernel3d() const { return kernel_3d_; } in kernel3d()
[all …]
Dcxx11_tensor_cast_float16_cuda.cu22 using Eigen::Tensor;
25 Eigen::CudaStreamDevice stream; in test_cuda_conversion()
26 Eigen::GpuDevice gpu_device(&stream); in test_cuda_conversion()
33 Eigen::half* d_half = (Eigen::half*)gpu_device.allocate(num_elem * sizeof(Eigen::half)); in test_cuda_conversion()
36 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_float( in test_cuda_conversion()
38 Eigen::TensorMap<Eigen::Tensor<Eigen::half, 1>, Eigen::Aligned> gpu_half( in test_cuda_conversion()
40 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_conv( in test_cuda_conversion()
45 gpu_half.device(gpu_device) = gpu_float.cast<Eigen::half>(); in test_cuda_conversion()
69 Eigen::Tensor<Eigen::half, 1> halfs = floats.cast<Eigen::half>(); in test_fallback_conversion()
70 Eigen::Tensor<float, 1> conv = halfs.cast<float>(); in test_fallback_conversion()
Dcxx11_tensor_dimension.cpp14 using Eigen::Tensor;
19 Eigen::DSizes<int, 3> dimensions(2,3,7); in test_dynamic_size()
21 VERIFY_IS_EQUAL((int)Eigen::internal::array_get<0>(dimensions), 2); in test_dynamic_size()
22 VERIFY_IS_EQUAL((int)Eigen::internal::array_get<1>(dimensions), 3); in test_dynamic_size()
23 VERIFY_IS_EQUAL((int)Eigen::internal::array_get<2>(dimensions), 7); in test_dynamic_size()
32 Eigen::Sizes<2,3,7> dimensions; in test_fixed_size()
34 VERIFY_IS_EQUAL((int)Eigen::internal::array_get<0>(dimensions), 2); in test_fixed_size()
35 VERIFY_IS_EQUAL((int)Eigen::internal::array_get<1>(dimensions), 3); in test_fixed_size()
36 VERIFY_IS_EQUAL((int)Eigen::internal::array_get<2>(dimensions), 7); in test_fixed_size()
42 Eigen::DSizes<unsigned int, 3> dyn((unsigned int)2,(unsigned int)3,(unsigned int)7); in test_match()
[all …]
/external/eigen/unsupported/Eigen/src/SpecialFunctions/
DSpecialFunctionsHalf.h11 namespace Eigen {
15 template<> EIGEN_STRONG_INLINE EIGEN_DEVICE_FUNC Eigen::half lgamma(const Eigen::half& a) { in lgamma()
16 return Eigen::half(Eigen::numext::lgamma(static_cast<float>(a))); in lgamma()
18 template<> EIGEN_STRONG_INLINE EIGEN_DEVICE_FUNC Eigen::half digamma(const Eigen::half& a) { in digamma()
19 return Eigen::half(Eigen::numext::digamma(static_cast<float>(a))); in digamma()
21 template<> EIGEN_STRONG_INLINE EIGEN_DEVICE_FUNC Eigen::half zeta(const Eigen::half& x, const Eigen in zeta()
22 return Eigen::half(Eigen::numext::zeta(static_cast<float>(x), static_cast<float>(q))); in zeta()
24 template<> EIGEN_STRONG_INLINE EIGEN_DEVICE_FUNC Eigen::half polygamma(const Eigen::half& n, const in polygamma()
25 return Eigen::half(Eigen::numext::polygamma(static_cast<float>(n), static_cast<float>(x))); in polygamma()
27 template<> EIGEN_STRONG_INLINE EIGEN_DEVICE_FUNC Eigen::half erf(const Eigen::half& a) { in erf()
[all …]
DSpecialFunctionsArrayAPI.h14 namespace Eigen {
27 inline const Eigen::CwiseBinaryOp<Eigen::internal::scalar_igamma_op<typename Derived::Scalar>, cons…
28 igamma(const Eigen::ArrayBase<Derived>& a, const Eigen::ArrayBase<ExponentDerived>& x) in igamma()
30 …return Eigen::CwiseBinaryOp<Eigen::internal::scalar_igamma_op<typename Derived::Scalar>, const Der… in igamma()
47 inline const Eigen::CwiseBinaryOp<Eigen::internal::scalar_igammac_op<typename Derived::Scalar>, con…
48 igammac(const Eigen::ArrayBase<Derived>& a, const Eigen::ArrayBase<ExponentDerived>& x) in igammac()
50 …return Eigen::CwiseBinaryOp<Eigen::internal::scalar_igammac_op<typename Derived::Scalar>, const De… in igammac()
69 inline const Eigen::CwiseBinaryOp<Eigen::internal::scalar_polygamma_op<typename DerivedX::Scalar>, …
70 polygamma(const Eigen::ArrayBase<DerivedN>& n, const Eigen::ArrayBase<DerivedX>& x) in polygamma()
72 …return Eigen::CwiseBinaryOp<Eigen::internal::scalar_polygamma_op<typename DerivedX::Scalar>, const… in polygamma()
[all …]
/external/tensorflow/tensorflow/contrib/lite/kernels/internal/optimized/
Dmultithreaded_conv.h38 class EigenThreadPoolWrapper : public Eigen::ThreadPoolInterface {
40 explicit EigenThreadPoolWrapper(Eigen::ThreadPool* pool) : pool_(pool) {} in EigenThreadPoolWrapper()
50 Eigen::ThreadPool* pool_ = nullptr;
57 const Eigen::ThreadPoolDevice& GetThreadPoolDevice() { in GetThreadPoolDevice()
59 static Eigen::ThreadPool* tp = new Eigen::ThreadPool(thread_count); in GetThreadPoolDevice()
62 static Eigen::ThreadPoolDevice* device = in GetThreadPoolDevice()
63 new Eigen::ThreadPoolDevice(thread_pool_wrapper, thread_count); in GetThreadPoolDevice()
69 typedef Eigen::TensorMap<
70 Eigen::Tensor<float, 2, Eigen::RowMajor, Eigen::DenseIndex>, Eigen::Aligned>
72 typedef Eigen::TensorMap<
[all …]
/external/eigen/bench/tensors/
Dtensor_benchmarks.h13 using Eigen::Tensor;
14 using Eigen::TensorMap;
48 Eigen::array<TensorIndex, 2> sizes; in typeCasting()
56 const TensorMap<Tensor<int, 2, 0, TensorIndex>, Eigen::Aligned> A((int*)a_, sizes); in typeCasting()
57 TensorMap<Tensor<T, 2, 0, TensorIndex>, Eigen::Aligned> B(b_, sizes); in typeCasting()
69 Eigen::array<TensorIndex, 2> sizes; in random()
72 TensorMap<Tensor<T, 2>, Eigen::Aligned> C(c_, sizes); in random()
84 Eigen::array<TensorIndex, 2> sizes; in slicing()
87 const TensorMap<Tensor<T, 2>, Eigen::Aligned> A(a_, sizes); in slicing()
88 const TensorMap<Tensor<T, 2>, Eigen::Aligned> B(b_, sizes); in slicing()
[all …]
/external/tensorflow/tensorflow/compiler/xla/service/cpu/
Druntime_fft_impl.h41 const auto axes = Eigen::ArrayXi::LinSpaced(FFTRank, 1, FFTRank); in EigenFftC2C()
42 constexpr auto direction = Forward ? Eigen::FFT_FORWARD : Eigen::FFT_REVERSE; in EigenFftC2C()
47 Eigen::DSizes<Eigen::DenseIndex, FFTRank + 1> dims; in EigenFftC2C()
52 const Eigen::TensorMap<Eigen::Tensor<complex64, FFTRank + 1, Eigen::RowMajor>, in EigenFftC2C()
53 Eigen::Aligned> in EigenFftC2C()
55 Eigen::TensorMap<Eigen::Tensor<complex64, FFTRank + 1, Eigen::RowMajor>, in EigenFftC2C()
56 Eigen::Aligned> in EigenFftC2C()
58 output.device(device) = input.template fft<Eigen::BothParts, direction>(axes); in EigenFftC2C()
70 Eigen::DSizes<Eigen::DenseIndex, FFTRank + 1> in_dims; in EigenFftR2C()
72 Eigen::DSizes<Eigen::DenseIndex, FFTRank + 1> out_dims; in EigenFftR2C()
[all …]
/external/eigen/demos/opengl/
Dcamera.h22 inline Frame(const Eigen::Vector3f& pos = Eigen::Vector3f::Zero(),
23 const Eigen::Quaternionf& o = Eigen::Quaternionf())
32 Eigen::Quaternionf orientation;
33 Eigen::Vector3f position;
60 void setPosition(const Eigen::Vector3f& pos);
61 inline const Eigen::Vector3f& position(void) const { return mFrame.position; } in position()
63 void setOrientation(const Eigen::Quaternionf& q);
64 inline const Eigen::Quaternionf& orientation(void) const { return mFrame.orientation; } in orientation()
69 void setDirection(const Eigen::Vector3f& newDirection);
70 Eigen::Vector3f direction(void) const;
[all …]
/external/tensorflow/tensorflow/core/kernels/
Deigen_pooling.h22 namespace Eigen {
42 const Eigen::DSizes<typename internal::traits<Input>::Index,
47 const Eigen::array<int, 2>,
52 const Eigen::DSizes<typename internal::traits<Input>::Index,
59 const Eigen::IndexList<Eigen::type2index<1>, Eigen::type2index<2> >,
60 const Eigen::IndexList<Eigen::type2index<2>,
61 Eigen::type2index<3> > >::type,
92 Eigen::DSizes<TensorIndex, internal::traits<Input>::NumDimensions>
96 post_reduce_dims[idxRows] = Eigen::divup(
99 post_reduce_dims[idxCols] = Eigen::divup(
[all …]
Dadjust_contrast_op.h38 Eigen::array<int, 4> scalar_broadcast; in operator()
44 Eigen::array<int, 2> reduction_axis; in operator()
47 Eigen::array<int, 4> broadcast_dims; in operator()
52 Eigen::Tensor<int, 4>::Dimensions reshape_dims; in operator()
58 Eigen::IndexList<Eigen::type2index<1>, Eigen::type2index<2> > in operator()
60 Eigen::IndexList<Eigen::type2index<1>, int, int, Eigen::type2index<1> > in operator()
64 Eigen::IndexList<int, Eigen::type2index<1>, Eigen::type2index<1>, int> in operator()
69 Eigen::Sizes<1, 1, 1, 1> scalar; in operator()
100 Eigen::array<int, 4> scalar_broadcast; in operator()
106 Eigen::array<int, 2> reduction_axis; in operator()
[all …]
Dsplit_lib.h30 const Eigen::DSizes<Eigen::DenseIndex, 2>& slice_indices,
31 const Eigen::DSizes<Eigen::DenseIndex, 2>& slice_sizes);
38 const Eigen::DSizes<Eigen::DenseIndex, 3>& slice_indices,
39 const Eigen::DSizes<Eigen::DenseIndex, 3>& slice_sizes);
43 struct Split<Eigen::ThreadPoolDevice, T> {
44 void operator()(const Eigen::ThreadPoolDevice& d,
47 const Eigen::DSizes<Eigen::DenseIndex, 3>& slice_indices,
48 const Eigen::DSizes<Eigen::DenseIndex, 3>& slice_sizes);
53 struct Split<Eigen::SyclDevice, T> {
54 void operator()(const Eigen::SyclDevice& d,
[all …]
Dfill_functor.cc30 void SetZeroFunctor<Eigen::ThreadPoolDevice, T>::operator()( in operator ()()
31 const Eigen::ThreadPoolDevice& d, typename TTypes<T>::Flat out) { in operator ()()
35 void SetZeroFunctor<Eigen::ThreadPoolDevice, string>::operator()( in operator ()()
36 const Eigen::ThreadPoolDevice& d, typename TTypes<string>::Flat out) { in operator ()()
42 template struct SetZeroFunctor<Eigen::ThreadPoolDevice, T>;
44 DEFINE_SETZERO_CPU(Eigen::half);
61 void SetZeroFunctor<Eigen::SyclDevice, T>::operator()( in operator ()()
62 const Eigen::SyclDevice& d, typename TTypes<T>::Flat out) { in operator ()()
67 template struct SetZeroFunctor<Eigen::SyclDevice, T>;
81 void SetOneFunctor<Eigen::ThreadPoolDevice, T>::operator()( in operator ()()
[all …]
Dstrided_slice_op.h34 const Eigen::DSizes<Eigen::DenseIndex, NDIMS>& start_indices, in operator()
35 const Eigen::DSizes<Eigen::DenseIndex, NDIMS>& stop_indices, in operator()
36 const Eigen::DSizes<Eigen::DenseIndex, NDIMS>& strides) { in operator()
37 const bool use_64bit = input.size() > Eigen::NumTraits<int>::highest(); in operator()
39 Eigen::internal::is_same<Device, Eigen::GpuDevice>::value) { in operator()
40 Eigen::DSizes<int, NDIMS> start_i, stop_i, strides_i; in operator()
82 const Eigen::DSizes<Eigen::DenseIndex, NDIMS>& start_indices,
83 const Eigen::DSizes<Eigen::DenseIndex, NDIMS>& stop_indices,
84 const Eigen::DSizes<Eigen::DenseIndex, NDIMS>& strides) {
86 const bool use_64bit = input.size() > Eigen::NumTraits<int>::highest();
[all …]
/external/eigen/doc/examples/
Dmatrixfree_cg.cpp8 using Eigen::SparseMatrix;
10 namespace Eigen { namespace
14 struct traits<MatrixReplacement> : public Eigen::internal::traits<Eigen::SparseMatrix<double> >
21 class MatrixReplacement : public Eigen::EigenBase<MatrixReplacement> {
28 ColsAtCompileTime = Eigen::Dynamic,
29 MaxColsAtCompileTime = Eigen::Dynamic,
37Eigen::Product<MatrixReplacement,Rhs,Eigen::AliasFreeProduct> operator*(const Eigen::MatrixBase<Rh… in operator *()
38 return Eigen::Product<MatrixReplacement,Rhs,Eigen::AliasFreeProduct>(*this, x.derived()); in operator *()
55 namespace Eigen { namespace
84 Eigen::SparseMatrix<double> S = Eigen::MatrixXd::Random(n,n).sparseView(0.5,1); in main()
[all …]
/external/eigen/test/
Dproduct_trmv.cpp33 m3 = m1.template triangularView<Eigen::Lower>(); in trmv()
34 VERIFY((m3 * v1).isApprox(m1.template triangularView<Eigen::Lower>() * v1, largerEps)); in trmv()
35 m3 = m1.template triangularView<Eigen::Upper>(); in trmv()
36 VERIFY((m3 * v1).isApprox(m1.template triangularView<Eigen::Upper>() * v1, largerEps)); in trmv()
37 m3 = m1.template triangularView<Eigen::UnitLower>(); in trmv()
38 VERIFY((m3 * v1).isApprox(m1.template triangularView<Eigen::UnitLower>() * v1, largerEps)); in trmv()
39 m3 = m1.template triangularView<Eigen::UnitUpper>(); in trmv()
40 VERIFY((m3 * v1).isApprox(m1.template triangularView<Eigen::UnitUpper>() * v1, largerEps)); in trmv()
43 m3 = m1.template triangularView<Eigen::Lower>(); in trmv()
44 …VERIFY(((s1*m3).conjugate() * v1).isApprox((s1*m1).conjugate().template triangularView<Eigen::Lowe… in trmv()
[all …]
Dnomalloc.cpp98 typedef Eigen::Matrix<Scalar, in ctms_decompositions()
99 Eigen::Dynamic, Eigen::Dynamic, in ctms_decompositions()
103 typedef Eigen::Matrix<Scalar, in ctms_decompositions()
104 Eigen::Dynamic, 1, in ctms_decompositions()
108 typedef Eigen::Matrix<std::complex<Scalar>, in ctms_decompositions()
109 Eigen::Dynamic, Eigen::Dynamic, in ctms_decompositions()
121 Eigen::LLT<Matrix> LLT; LLT.compute(A); in ctms_decompositions()
124 Eigen::LDLT<Matrix> LDLT; LDLT.compute(A); in ctms_decompositions()
129 Eigen::HessenbergDecomposition<ComplexMatrix> hessDecomp; hessDecomp.compute(complexA); in ctms_decompositions()
130 Eigen::ComplexSchur<ComplexMatrix> cSchur(size); cSchur.compute(complexA); in ctms_decompositions()
[all …]
/external/eigen/Eigen/src/Core/arch/CUDA/
DHalf.h46 namespace Eigen {
393 return Eigen::half(::hlog(a)); in log()
481 struct numeric_limits<Eigen::half> {
506 static Eigen::half (min)() { return Eigen::half_impl::raw_uint16_to_half(0x400); }
507 static Eigen::half lowest() { return Eigen::half_impl::raw_uint16_to_half(0xfbff); }
508 static Eigen::half (max)() { return Eigen::half_impl::raw_uint16_to_half(0x7bff); }
509 static Eigen::half epsilon() { return Eigen::half_impl::raw_uint16_to_half(0x0800); }
510 static Eigen::half round_error() { return Eigen::half(0.5); }
511 static Eigen::half infinity() { return Eigen::half_impl::raw_uint16_to_half(0x7c00); }
512 static Eigen::half quiet_NaN() { return Eigen::half_impl::raw_uint16_to_half(0x7e00); }
[all …]
DTypeCasting.h13 namespace Eigen {
18 struct scalar_cast_op<float, Eigen::half> {
20 typedef Eigen::half result_type;
21 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Eigen::half operator() (const float& a) const {
25 return Eigen::half(a);
31 struct functor_traits<scalar_cast_op<float, Eigen::half> >
36 struct scalar_cast_op<int, Eigen::half> {
38 typedef Eigen::half result_type;
39 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Eigen::half operator() (const int& a) const {
43 return Eigen::half(static_cast<float>(a));
[all …]
/external/eigen/Eigen/src/Core/
DGlobalFunctions.h24 …inline const Eigen::CwiseUnaryOp<Eigen::internal::FUNCTOR<typename Derived::Scalar>, const Derived…
25 NAME(const Eigen::ArrayBase<Derived>& x);
31 …inline const Eigen::CwiseUnaryOp<Eigen::internal::FUNCTOR<typename Derived::Scalar>, const Derived…
32 (NAME)(const Eigen::ArrayBase<Derived>& x) { \
33 …return Eigen::CwiseUnaryOp<Eigen::internal::FUNCTOR<typename Derived::Scalar>, const Derived>(x.de…
43 …typedef const Eigen::CwiseUnaryOp<Eigen::internal::FUNCTOR<typename Derived::Scalar>, const Derive…
48 …static inline typename NAME##_retval<ArrayBase<Derived> >::type run(const Eigen::ArrayBase<Derived…
54 namespace Eigen
74 …EIGEN_ARRAY_DECLARE_GLOBAL_UNARY(log,scalar_log_op,natural logarithm,\sa Eigen::log10 DOXCOMMA Arr…
76 …EIGEN_ARRAY_DECLARE_GLOBAL_UNARY(log10,scalar_log10_op,base 10 logarithm,\sa Eigen::log DOXCOMMA A…
[all …]
/external/eigen/doc/
DStlContainers.dox1 namespace Eigen {
3 /** \eigenManualPage TopicStlContainers Using STL Containers with Eigen
9 Using STL containers on \ref TopicFixedSizeVectorizable "fixed-size vectorizable Eigen types", or c…
11 \li A 16-byte-aligned allocator must be used. Eigen does provide one ready for use: aligned_allocat…
12 \li If you want to use the std::vector container, you need to \#include <Eigen/StdVector>.
14 …size vectorizable Eigen types" and \ref TopicStructHavingEigenMembers "structures having such Eige…
18Eigen types", you need tell the container to use an allocator that will always allocate memory at …
22 std::map<int, Eigen::Vector4f>
26 std::map<int, Eigen::Vector4f, std::less<int>,
27 Eigen::aligned_allocator<std::pair<const int, Eigen::Vector4f> > >
[all …]

12345678910>>...62