/external/eigen/bench/tensors/ |
D | tensor_benchmarks.h | 14 using Eigen::TensorMap; 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() 72 TensorMap<Tensor<T, 2>, Eigen::Aligned> C(c_, sizes); in random() 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() 89 TensorMap<Tensor<T, 2>, Eigen::Aligned> C(c_, sizes); in slicing() 117 const TensorMap<Tensor<T, 2, 0, TensorIndex>, Eigen::Aligned> B(b_, input_size); in rowChip() 120 TensorMap<Tensor<T, 1, 0, TensorIndex>, Eigen::Aligned> C(c_, output_size); in rowChip() 134 const TensorMap<Tensor<T, 2, 0, TensorIndex>, Eigen::Aligned> B(b_, input_size); in colChip() [all …]
|
/external/eigen/unsupported/test/ |
D | cxx11_tensor_of_float16_cuda.cu | 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() 74 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_float( in test_cuda_conversion() 76 Eigen::TensorMap<Eigen::Tensor<Eigen::half, 1>, Eigen::Aligned> gpu_half( in test_cuda_conversion() 78 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_conv( in test_cuda_conversion() 109 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_float( in test_cuda_unary() 111 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_res_half( in test_cuda_unary() 113 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_res_float( in test_cuda_unary() 147 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_float1( in test_cuda_elementwise() [all …]
|
D | cxx11_tensor_map.cpp | 22 TensorMap<Tensor<const int, 0> > scalar3(scalar1.data()); in test_0d() 23 TensorMap<Tensor<const int, 0, RowMajor> > scalar4(scalar2.data()); in test_0d() 40 TensorMap<Tensor<const int, 1> > vec3(vec1.data(), 6); in test_1d() 41 TensorMap<Tensor<const int, 1, RowMajor> > vec4(vec2.data(), 6); in test_1d() 88 TensorMap<Tensor<const int, 2> > mat3(mat1.data(), 2, 3); in test_2d() 89 TensorMap<Tensor<const int, 2, RowMajor> > mat4(mat2.data(), 2, 3); in test_2d() 132 TensorMap<Tensor<const int, 3> > mat3(mat1.data(), 2, 3, 7); in test_3d() 133 TensorMap<Tensor<const int, 3, RowMajor> > mat4(mat2.data(), 2, 3, 7); in test_3d() 176 TensorMap<Tensor<int, 3> > mat3(mat1); in test_from_tensor() 177 TensorMap<Tensor<int, 3, RowMajor> > mat4(mat2); in test_from_tensor() [all …]
|
D | cxx11_tensor_cuda.cu | 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() 92 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_in1( in test_cuda_elementwise_small() 94 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_in2( in test_cuda_elementwise_small() 96 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_out( in test_cuda_elementwise_small() 147 …Eigen::TensorMap<Eigen::Tensor<float, 3> > gpu_in1(d_in1, Eigen::array<Eigen::DenseIndex, 3>(72,53… in test_cuda_elementwise() 148 …Eigen::TensorMap<Eigen::Tensor<float, 3> > gpu_in2(d_in2, Eigen::array<Eigen::DenseIndex, 3>(72,53… in test_cuda_elementwise() 149 …Eigen::TensorMap<Eigen::Tensor<float, 3> > gpu_in3(d_in3, Eigen::array<Eigen::DenseIndex, 3>(72,53… in test_cuda_elementwise() 150 …Eigen::TensorMap<Eigen::Tensor<float, 3> > gpu_out(d_out, Eigen::array<Eigen::DenseIndex, 3>(72,53… in test_cuda_elementwise() 189 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_in1( in test_cuda_props() [all …]
|
D | cxx11_tensor_of_const_values.cpp | 20 TensorMap<Tensor<const float, 2>> mat1(data1, 2, 3); in test_assign() 22 const TensorMap<Tensor<float, 2>> mat2(data2, 2, 3); in test_assign() 56 TensorMap<Tensor<const float, 2>> mat1(data1, 2, 3); in test_plus() 58 TensorMap<Tensor<float, 2>> mat2(data2, 2, 3); in test_plus() 82 TensorMap<Tensor<const float, 2>> mat1(data1, 2, 3); in test_plus_equal() 84 TensorMap<Tensor<float, 2>> mat2(data2, 2, 3); in test_plus_equal()
|
D | cxx11_tensor_device.cu | 70 …PUContext(const Eigen::TensorMap<Eigen::Tensor<float, 3> >& in1, Eigen::TensorMap<Eigen::Tensor<fl… in GPUContext() 91 const Eigen::TensorMap<Eigen::Tensor<float, 3> >& in1() const { return in1_; } in in1() 92 const Eigen::TensorMap<Eigen::Tensor<float, 3> >& in2() const { return in2_; } in in2() 93 Eigen::TensorMap<Eigen::Tensor<float, 3> >& out() { return out_; } in out() 94 …Eigen::TensorMap<Eigen::Tensor<float, 1> > kernel1d() const { return Eigen::TensorMap<Eigen::Tenso… in kernel1d() 95 …Eigen::TensorMap<Eigen::Tensor<float, 2> > kernel2d() const { return Eigen::TensorMap<Eigen::Tenso… in kernel2d() 96 …Eigen::TensorMap<Eigen::Tensor<float, 3> > kernel3d() const { return Eigen::TensorMap<Eigen::Tenso… in kernel3d() 99 const Eigen::TensorMap<Eigen::Tensor<float, 3> >& in1_; 100 const Eigen::TensorMap<Eigen::Tensor<float, 3> >& in2_; 101 Eigen::TensorMap<Eigen::Tensor<float, 3> >& out_; [all …]
|
D | cxx11_tensor_const.cpp | 21 TensorMap<Tensor<const int, 3> > constant(random.data(), 2, 3, 7); in test_simple_assign() 40 TensorMap<Tensor<const int, 3> > constant1(random.data(), 2, 3, 7); in test_assign_of_const_tensor() 41 TensorMap<const Tensor<int, 3> > constant2(random.data(), 2, 3, 7); in test_assign_of_const_tensor() 42 const TensorMap<Tensor<int, 3> > constant3(random.data(), 2, 3, 7); in test_assign_of_const_tensor()
|
D | cxx11_tensor_reduction_sycl.cpp | 42 TensorMap<Tensor<float, 2> > in_gpu(gpu_in_data, tensorRange); in test_full_reductions_sycl() 43 TensorMap<Tensor<float, 0> > out_gpu(gpu_out_data); in test_full_reductions_sycl() 77 TensorMap<Tensor<float, 3> > in_gpu(gpu_in_data, tensorRange); in test_first_dim_reductions_sycl() 78 TensorMap<Tensor<float, 2> > out_gpu(gpu_out_data, reduced_tensorRange); in test_first_dim_reductions_sycl() 115 TensorMap<Tensor<float, 3> > in_gpu(gpu_in_data, tensorRange); in test_last_dim_reductions_sycl() 116 TensorMap<Tensor<float, 2> > out_gpu(gpu_out_data, reduced_tensorRange); in test_last_dim_reductions_sycl()
|
D | cxx11_tensor_complex_cuda.cu | 43 Eigen::TensorMap<Eigen::Tensor<std::complex<float>, 1, 0, int>, Eigen::Aligned> gpu_in1( in test_cuda_nullary() 45 Eigen::TensorMap<Eigen::Tensor<std::complex<float>, 1, 0, int>, Eigen::Aligned> gpu_in2( in test_cuda_nullary() 47 Eigen::TensorMap<Eigen::Tensor<float, 1, 0, int>, Eigen::Aligned> gpu_out2( in test_cuda_nullary() 94 TensorMap<Tensor<std::complex<float>, 2> > in_gpu(gpu_in_ptr, num_rows, num_cols); in test_cuda_sum_reductions() 95 TensorMap<Tensor<std::complex<float>, 0> > out_gpu(gpu_out_ptr); in test_cuda_sum_reductions() 131 TensorMap<Tensor<std::complex<float>, 2> > in_gpu(gpu_in_ptr, num_rows, num_cols); in test_cuda_product_reductions() 132 TensorMap<Tensor<std::complex<float>, 0> > out_gpu(gpu_out_ptr); in test_cuda_product_reductions()
|
D | cxx11_tensor_reduction_cuda.cu | 43 TensorMap<Tensor<Type, 2, DataLayout> > in_gpu(gpu_in_ptr, num_rows, num_cols); in test_full_reductions() 44 TensorMap<Tensor<Type, 0, DataLayout> > out_gpu(gpu_out_ptr); in test_full_reductions() 79 Eigen::TensorMap<Eigen::Tensor<Type, 3, DataLayout> > gpu_in(in_data, dim_x, dim_y, dim_z); in test_first_dim_reductions() 80 Eigen::TensorMap<Eigen::Tensor<Type, 2, DataLayout> > gpu_out(out_data, dim_y, dim_z); in test_first_dim_reductions() 119 Eigen::TensorMap<Eigen::Tensor<Type, 3, DataLayout> > gpu_in(in_data, dim_x, dim_y, dim_z); in test_last_dim_reductions() 120 Eigen::TensorMap<Eigen::Tensor<Type, 2, DataLayout> > gpu_out(out_data, dim_x, dim_y); in test_last_dim_reductions()
|
D | cxx11_tensor_assign.cpp | 32 TensorMap<Tensor<int, 1> > vec3(col_major, 6); in test_1d() 33 TensorMap<Tensor<int, 1, RowMajor> > vec4(row_major, 6); in test_1d() 95 TensorMap<Tensor<int, 2> > mat3(row_major, 2, 3); in test_2d() 96 TensorMap<Tensor<int, 2, RowMajor> > mat4(col_major, 2, 3); in test_2d() 155 TensorMap<Tensor<int, 3> > mat3(col_major, 2, 3, 7); in test_3d() 156 TensorMap<Tensor<int, 3, RowMajor> > mat4(row_major, 2, 3, 7); in test_3d() 219 TensorMap<Tensor<int, 1> > orig_map(orig, 5); in test_same_type() 220 TensorMap<Tensor<int, 1> > dest_map(dest, 5); in test_same_type()
|
D | cxx11_tensor_contract_cuda.cu | 60 Eigen::TensorMap<Eigen::Tensor<float, 2, DataLayout> > in test_cuda_contraction() 62 Eigen::TensorMap<Eigen::Tensor<float, 2, DataLayout> > in test_cuda_contraction() 64 Eigen::TensorMap<Eigen::Tensor<float, 2, DataLayout> > in test_cuda_contraction() 124 Eigen::TensorMap<Eigen::Tensor<float, 2, DataLayout> > in test_scalar() 126 Eigen::TensorMap<Eigen::Tensor<float, 2, DataLayout> > in test_scalar() 128 Eigen::TensorMap<Eigen::Tensor<float, 0, DataLayout> > in test_scalar()
|
D | cxx11_tensor_argmax_cuda.cu | 49 …Eigen::TensorMap<Eigen::Tensor<double, 3, Layout>, Aligned > gpu_in(d_in, Eigen::array<DenseIndex,… in test_cuda_simple_argmax() 50 …Eigen::TensorMap<Eigen::Tensor<DenseIndex, 1, Layout>, Aligned > gpu_out_max(d_out_max, Eigen::arr… in test_cuda_simple_argmax() 51 …Eigen::TensorMap<Eigen::Tensor<DenseIndex, 1, Layout>, Aligned > gpu_out_min(d_out_min, Eigen::arr… in test_cuda_simple_argmax() 111 …Eigen::TensorMap<Eigen::Tensor<float, 4, DataLayout>, Aligned > gpu_in(d_in, Eigen::array<DenseInd… in test_cuda_argmax_dim() 112 Eigen::TensorMap<Eigen::Tensor<DenseIndex, 3, DataLayout>, Aligned > gpu_out(d_out, out_shape); in test_cuda_argmax_dim() 200 …Eigen::TensorMap<Eigen::Tensor<float, 4, DataLayout>, Aligned > gpu_in(d_in, Eigen::array<DenseInd… in test_cuda_argmin_dim() 201 Eigen::TensorMap<Eigen::Tensor<DenseIndex, 3, DataLayout>, Aligned > gpu_out(d_out, out_shape); in test_cuda_argmin_dim()
|
D | cxx11_tensor_sycl.cpp | 28 using Eigen::TensorMap; 49 TensorMap<Tensor<float, 3>> gpu_in1(gpu_in1_data, tensorRange); in test_sycl_cpu() 50 TensorMap<Tensor<float, 3>> gpu_in2(gpu_in2_data, tensorRange); in test_sycl_cpu() 51 TensorMap<Tensor<float, 3>> gpu_in3(gpu_in3_data, tensorRange); in test_sycl_cpu() 52 TensorMap<Tensor<float, 3>> gpu_out(gpu_out_data, tensorRange); in test_sycl_cpu()
|
D | cxx11_tensor_forced_eval.cpp | 25 TensorMap<Tensor<float, 2> > mat1(m1.data(), 3,3); in test_simple() 26 TensorMap<Tensor<float, 2> > mat2(m2.data(), 3,3); in test_simple() 64 const TensorMap<Tensor<const float, 2> > input_tensor(input.data(), 3, 3); in test_const()
|
D | cxx11_tensor_broadcast_sycl.cpp | 26 using Eigen::TensorMap; 50 TensorMap<Tensor<float, 4>> gpu_in(gpu_in_data, in_range); in test_broadcast_sycl() 51 TensorMap<Tensor<float, 4>> gpu_out(gpu_out_data, out_range); in test_broadcast_sycl()
|
D | cxx11_tensor_forced_eval_sycl.cpp | 43 Eigen::TensorMap<Eigen::Tensor<float, 3>> gpu_in1(gpu_in1_data, tensorRange); in test_forced_eval_sycl() 44 Eigen::TensorMap<Eigen::Tensor<float, 3>> gpu_in2(gpu_in2_data, tensorRange); in test_forced_eval_sycl() 45 Eigen::TensorMap<Eigen::Tensor<float, 3>> gpu_out(gpu_out_data, tensorRange); in test_forced_eval_sycl()
|
D | cxx11_tensor_cast_float16_cuda.cu | 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()
|
D | cxx11_tensor_complex_cwise_ops_cuda.cu | 37 Eigen::TensorMap<Eigen::Tensor<std::complex<T>, 1, 0, int>, Eigen::Aligned> gpu_in1( in test_cuda_complex_cwise_ops() 39 Eigen::TensorMap<Eigen::Tensor<std::complex<T>, 1, 0, int>, Eigen::Aligned> gpu_in2( in test_cuda_complex_cwise_ops() 41 Eigen::TensorMap<Eigen::Tensor<std::complex<T>, 1, 0, int>, Eigen::Aligned> gpu_out( in test_cuda_complex_cwise_ops()
|
D | cxx11_tensor_mixed_indices.cpp | 28 TensorMap<Tensor<float, 1, ColMajor>> vec3(data3, 6); in test_simple() 31 TensorMap<Tensor<float, 1, ColMajor, int>> vec4(data4, 6); in test_simple()
|
D | cxx11_tensor_expr.cpp | 30 TensorMap<Tensor<float, 1>> vec3(data3, 6); in test_1d() 33 TensorMap<Tensor<float, 1, RowMajor>> vec4(data4, 6); in test_1d() 36 TensorMap<Tensor<float, 1, RowMajor>> vec5(data5, 6); in test_1d() 72 TensorMap<Tensor<float, 2>> mat1(data1, 2, 3); in test_2d() 74 TensorMap<Tensor<float, 2, RowMajor>> mat2(data2, 2, 3); in test_2d()
|
D | cxx11_tensor_random_cuda.cu | 36 Eigen::TensorMap<Eigen::Tensor<float, 2> > gpu_out(d_out, 72,97); in test_cuda_random_uniform() 61 Eigen::TensorMap<Eigen::Tensor<float, 2> > gpu_out(d_out, 72,97); in test_cuda_random_normal()
|
/external/eigen/unsupported/Eigen/CXX11/src/Tensor/ |
D | TensorTraits.h | 84 struct traits<TensorMap<PlainObjectType, Options_, MakePointer_> > 146 struct eval<TensorMap<PlainObjectType, Options, MakePointer>, Eigen::Dense> 148 typedef const TensorMap<PlainObjectType, Options, MakePointer>& type; 152 struct eval<const TensorMap<PlainObjectType, Options, MakePointer>, Eigen::Dense> 154 typedef const TensorMap<PlainObjectType, Options, MakePointer>& type; 201 struct nested<TensorMap<PlainObjectType, Options, MakePointer> > 203 typedef const TensorMap<PlainObjectType, Options, MakePointer>& type; 207 struct nested<const TensorMap<PlainObjectType, Options, MakePointer> > 209 typedef const TensorMap<PlainObjectType, Options, MakePointer>& type;
|
D | TensorMap.h | 27 …int Options_, template <class> class MakePointer_> class TensorMap : public TensorBase<TensorMap<P… 30 typedef TensorMap<PlainObjectType, Options_, MakePointer_> Self; 60 EIGEN_STRONG_INLINE TensorMap(PointerArgType dataPtr) : m_data(dataPtr), m_dimensions() { in TensorMap() function 67 …EIGEN_STRONG_INLINE TensorMap(PointerArgType dataPtr, Index firstDimension, IndexTypes... otherDim… in TensorMap() function 73 …EIGEN_STRONG_INLINE TensorMap(PointerArgType dataPtr, Index firstDimension) : m_data(dataPtr), m_d… in TensorMap() function 78 …EIGEN_STRONG_INLINE TensorMap(PointerArgType dataPtr, Index dim1, Index dim2) : m_data(dataPtr), m… in TensorMap() function 82 …EIGEN_STRONG_INLINE TensorMap(PointerArgType dataPtr, Index dim1, Index dim2, Index dim3) : m_data… in TensorMap() function 86 …EIGEN_STRONG_INLINE TensorMap(PointerArgType dataPtr, Index dim1, Index dim2, Index dim3, Index di… in TensorMap() function 90 …EIGEN_STRONG_INLINE TensorMap(PointerArgType dataPtr, Index dim1, Index dim2, Index dim3, Index di… in TensorMap() function 95 …EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE TensorMap(PointerArgType dataPtr, const array<Index, NumIndi… in TensorMap() function [all …]
|
D | TensorSyclLeafCount.h | 48 struct LeafCount<const TensorMap<PlainObjectType, Options_, MakePointer_> > { 54 struct LeafCount<TensorMap<PlainObjectType, Options_, MakePointer_> > :LeafCount<const TensorMap<Pl…
|