Home
last modified time | relevance | path

Searched refs:TensorMap (Results 1 – 25 of 104) sorted by relevance

12345

/external/tensorflow/tensorflow/core/framework/
Dtensor_types.h27 typedef Eigen::TensorMap<Eigen::Tensor<T, NDIMS, Eigen::RowMajor, IndexType>,
30 typedef Eigen::TensorMap<
35 typedef Eigen::TensorMap<Eigen::Tensor<T, NDIMS, Eigen::RowMajor, IndexType> >
37 typedef Eigen::TensorMap<
41 typedef Eigen::TensorMap<Eigen::Tensor<T, NDIMS, Eigen::RowMajor, int>,
46 typedef Eigen::TensorMap<
50 typedef Eigen::TensorMap<Eigen::TensorFixedSize<const T, Eigen::Sizes<>,
56 typedef Eigen::TensorMap<
59 typedef Eigen::TensorMap<Eigen::TensorFixedSize<const T, Eigen::Sizes<>,
64 typedef Eigen::TensorMap<Eigen::Tensor<T, 1, Eigen::RowMajor, IndexType>,
[all …]
/external/tensorflow/tensorflow/core/kernels/
Dtensor_map.h67 class TensorMap {
69 TensorMap() : tensors_(new Tensors) {} in TensorMap() function
70 ~TensorMap();
72 TensorMap(const TensorMap& other) : tensors_(other.tensors_) { in TensorMap() function
76 TensorMap(TensorMap&& rhs) : tensors_(rhs.tensors_) { in TensorMap() function
80 TensorMap& operator=(const TensorMap& rhs) {
88 TensorMap& operator=(TensorMap&& rhs) {
115 TensorMap Copy() const { in Copy()
116 TensorMap out; in Copy()
176 static_assert(Variant::CanInlineType<TensorMap>() || sizeof(void*) < 8,
Dmap_kernels.h25 Status GetInputMap(OpKernelContext* ctx, int index, const TensorMap** ret_map) { in GetInputMap()
30 const TensorMap* map = ctx->input(index).scalar<Variant>()().get<TensorMap>(); in GetInputMap()
43 const TensorMap& input_map, in ForwardInputOrCreateNewMap()
44 TensorMap** output_map) { in ForwardInputOrCreateNewMap()
53 TensorMap* tmp_out = output_tensor->scalar<Variant>()().get<TensorMap>(); in ForwardInputOrCreateNewMap()
75 *output_map = output_tensor->scalar<Variant>()().get<TensorMap>(); in ForwardInputOrCreateNewMap()
88 TensorMap empty; in Compute()
99 const TensorMap* map = nullptr; in Compute()
114 const TensorMap* map = nullptr; in Compute()
135 const TensorMap* map = nullptr; in Compute()
[all …]
Dtensor_map.cc25 TensorMap::~TensorMap() { in ~TensorMap()
29 void TensorMap::Encode(VariantTensorData* data) const { in Encode()
47 const TensorMap& from, TensorMap* to, in TensorMapDeviceCopy()
60 INTERNAL_REGISTER_UNARY_VARIANT_DEVICE_COPY_FUNCTION(TensorMap, DIRECTION, \
67 REGISTER_UNARY_VARIANT_DECODE_FUNCTION(TensorMap, TensorMap::kTypeName);
69 bool TensorMap::Decode(const VariantTensorData& data) { in Decode()
85 const char TensorMap::kTypeName[] = "tensorflow::TensorMap";
Dtensor_map_test.cc29 TensorMap tm; in TEST()
47 TensorMap tm; in TEST()
63 TensorMap tm; in TEST()
75 TensorMap tm; in TEST()
84 TensorMap tm; in TEST()
98 TensorMap tm; in TEST()
109 TensorMap tm; in TEST()
138 TensorMap tm; in TEST()
147 TensorMap tm; in TEST()
151 TensorMap tmc = tm.Copy(); in TEST()
[all …]
/external/eigen/bench/tensors/
Dtensor_benchmarks.h14 using Eigen::TensorMap;
66 const TensorMap<Tensor<int, 2, 0, TensorIndex>, Eigen::Aligned> A((int*)a_, sizes); in typeCasting()
67 TensorMap<Tensor<T, 2, 0, TensorIndex>, Eigen::Aligned> B(b_, sizes); in typeCasting()
86 TensorMap<Tensor<T, 2>, Eigen::Aligned> C(c_, sizes); in random()
105 const TensorMap<Tensor<T, 2>, Eigen::Aligned> A(a_, sizes); in slicing()
106 const TensorMap<Tensor<T, 2>, Eigen::Aligned> B(b_, sizes); in slicing()
107 TensorMap<Tensor<T, 2>, Eigen::Aligned> C(c_, sizes); in slicing()
146 const TensorMap<Tensor<T, 2, 0, TensorIndex>, Eigen::Aligned> B(b_, input_size); in rowChip()
149 TensorMap<Tensor<T, 1, 0, TensorIndex>, Eigen::Aligned> C(c_, output_size); in rowChip()
167 const TensorMap<Tensor<T, 2, 0, TensorIndex>, Eigen::Aligned> B(b_, input_size); in colChip()
[all …]
Dtensor_contract_sycl_bench.cc29 using Eigen::TensorMap;
73 const TensorMap<Tensor<T, 2>, Eigen::Aligned> A(a_, sizeA); in contraction()
74 const TensorMap<Tensor<T, 2>, Eigen::Aligned> B(b_, sizeB); in contraction()
75 TensorMap<Tensor<T, 2>, Eigen::Aligned> C(c_, sizeC); in contraction()
127 const TensorMap<Tensor<T, 2, Eigen::RowMajor>, Eigen::Aligned> A(a_, sizeA); in contractionRowMajor()
128 const TensorMap<Tensor<T, 2, Eigen::RowMajor>, Eigen::Aligned> B(b_, sizeB); in contractionRowMajor()
129 TensorMap<Tensor<T, 2, Eigen::RowMajor>, Eigen::Aligned> C(c_, sizeC); in contractionRowMajor()
178 const TensorMap<Tensor<T, 2, Eigen::RowMajor>, Eigen::Aligned> A(a_, sizeA); in contractionAT()
179 const TensorMap<Tensor<T, 2, Eigen::RowMajor>, Eigen::Aligned> B(b_, sizeB); in contractionAT()
180 TensorMap<Tensor<T, 2, Eigen::RowMajor>, Eigen::Aligned> C(c_, sizeC); in contractionAT()
[all …]
/external/eigen/unsupported/test/
Dcxx11_tensor_map.cpp22 TensorMap<const Tensor<int, 0> > scalar3(scalar1.data()); in test_0d()
23 TensorMap<const Tensor<int, 0, RowMajor> > scalar4(scalar2.data()); in test_0d()
40 TensorMap<const Tensor<int, 1> > vec3(vec1.data(), 6); in test_1d()
41 TensorMap<const Tensor<int, 1, RowMajor> > vec4(vec2.data(), 6); in test_1d()
88 TensorMap<const Tensor<int, 2> > mat3(mat1.data(), 2, 3); in test_2d()
89 TensorMap<const Tensor<int, 2, RowMajor> > mat4(mat2.data(), 2, 3); in test_2d()
132 TensorMap<const Tensor<int, 3> > mat3(mat1.data(), 2, 3, 7); in test_3d()
133 TensorMap<const Tensor<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 …]
Dcxx11_tensor_of_float16_gpu.cu32 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_float( in test_gpu_numext()
34 Eigen::TensorMap<Eigen::Tensor<bool, 1>, Eigen::Aligned> gpu_res_half( in test_gpu_numext()
36 Eigen::TensorMap<Eigen::Tensor<bool, 1>, Eigen::Aligned> gpu_res_float( in test_gpu_numext()
72 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_float( in test_gpu_conversion()
74 Eigen::TensorMap<Eigen::Tensor<Eigen::half, 1>, Eigen::Aligned> gpu_half( in test_gpu_conversion()
76 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_conv( in test_gpu_conversion()
107 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_float( in test_gpu_unary()
109 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_res_half( in test_gpu_unary()
111 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_res_float( in test_gpu_unary()
145 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_float1( in test_gpu_elementwise()
[all …]
Dcxx11_tensor_reduction_sycl.cpp47 TensorMap<Tensor<DataType, 2, DataLayout, IndexType>> in_gpu(gpu_in_data, in test_full_reductions_sum_sycl()
49 TensorMap<Tensor<DataType, 2, DataLayout, IndexType>> out_gpu(gpu_out_data, in test_full_reductions_sum_sycl()
84 TensorMap<data_tensor> in_offset(in.data() + offset, tensor_offset_range); in test_full_reductions_sum_with_offset_sycl()
92 TensorMap<data_tensor> in_gpu(gpu_in_data + offset, tensor_offset_range); in test_full_reductions_sum_with_offset_sycl()
93 TensorMap<scalar_tensor> out_gpu(gpu_out_data); in test_full_reductions_sum_with_offset_sycl()
126 TensorMap<Tensor<DataType, 2, DataLayout, IndexType>> in_gpu(gpu_in_data, in test_full_reductions_max_sycl()
128 TensorMap<Tensor<DataType, 0, DataLayout, IndexType>> out_gpu(gpu_out_data); in test_full_reductions_max_sycl()
161 TensorMap<data_tensor> in_offset(in.data() + offset, tensor_offset_range); in test_full_reductions_max_with_offset_sycl()
170 TensorMap<data_tensor> in_gpu(gpu_in_data + offset, tensor_offset_range); in test_full_reductions_max_with_offset_sycl()
171 TensorMap<scalar_tensor> out_gpu(gpu_out_data); in test_full_reductions_max_with_offset_sycl()
[all …]
Dcxx11_tensor_gpu.cu42 Eigen::TensorMap<Eigen::Tensor<float, 1, 0, int>, Eigen::Aligned> gpu_in1( in test_gpu_nullary()
44 Eigen::TensorMap<Eigen::Tensor<float, 1, 0, int>, Eigen::Aligned> gpu_in2( in test_gpu_nullary()
93 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_in1( in test_gpu_elementwise_small()
95 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_in2( in test_gpu_elementwise_small()
97 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_out( in test_gpu_elementwise_small()
148 …Eigen::TensorMap<Eigen::Tensor<float, 3> > gpu_in1(d_in1, Eigen::array<Eigen::DenseIndex, 3>(72,53… in test_gpu_elementwise()
149 …Eigen::TensorMap<Eigen::Tensor<float, 3> > gpu_in2(d_in2, Eigen::array<Eigen::DenseIndex, 3>(72,53… in test_gpu_elementwise()
150 …Eigen::TensorMap<Eigen::Tensor<float, 3> > gpu_in3(d_in3, Eigen::array<Eigen::DenseIndex, 3>(72,53… in test_gpu_elementwise()
151 …Eigen::TensorMap<Eigen::Tensor<float, 3> > gpu_out(d_out, Eigen::array<Eigen::DenseIndex, 3>(72,53… in test_gpu_elementwise()
190 Eigen::TensorMap<Eigen::Tensor<float, 1>, Eigen::Aligned> gpu_in1( in test_gpu_props()
[all …]
Dcxx11_tensor_of_const_values.cpp20 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()
Dcxx11_tensor_device.cu69 …PUContext(const Eigen::TensorMap<Eigen::Tensor<float, 3> >& in1, Eigen::TensorMap<Eigen::Tensor<fl… in GPUContext()
90 const Eigen::TensorMap<Eigen::Tensor<float, 3> >& in1() const { return in1_; } in in1()
91 const Eigen::TensorMap<Eigen::Tensor<float, 3> >& in2() const { return in2_; } in in2()
92 Eigen::TensorMap<Eigen::Tensor<float, 3> >& out() { return out_; } in out()
93 …Eigen::TensorMap<Eigen::Tensor<float, 1> > kernel1d() const { return Eigen::TensorMap<Eigen::Tenso… in kernel1d()
94 …Eigen::TensorMap<Eigen::Tensor<float, 2> > kernel2d() const { return Eigen::TensorMap<Eigen::Tenso… in kernel2d()
95 …Eigen::TensorMap<Eigen::Tensor<float, 3> > kernel3d() const { return Eigen::TensorMap<Eigen::Tenso… in kernel3d()
98 const Eigen::TensorMap<Eigen::Tensor<float, 3> >& in1_;
99 const Eigen::TensorMap<Eigen::Tensor<float, 3> >& in2_;
100 Eigen::TensorMap<Eigen::Tensor<float, 3> >& out_;
[all …]
Dcxx11_tensor_morphing_sycl.cpp29 using Eigen::TensorMap;
51 TensorMap<Tensor<DataType, 5,DataLayout, IndexType>> gpu1(gpu_data1, dim1); in test_simple_reshape()
52 TensorMap<Tensor<DataType, 3,DataLayout, IndexType>> gpu2(gpu_data2, dim2); in test_simple_reshape()
53 TensorMap<Tensor<DataType, 2,DataLayout, IndexType>> gpu3(gpu_data3, dim3); in test_simple_reshape()
54 TensorMap<Tensor<DataType, 2,DataLayout, IndexType>> gpu4(gpu_data4, dim4); in test_simple_reshape()
105 TensorMap< Tensor<DataType, 3, DataLayout, IndexType> > gpu1(gpu_data1, dim1); in test_reshape_as_lvalue()
106 TensorMap< Tensor<DataType, 2, DataLayout, IndexType> > gpu2(gpu_data2, dim2); in test_reshape_as_lvalue()
107 TensorMap< Tensor<DataType, 5, DataLayout, IndexType> > gpu3(gpu_data3, dim3); in test_reshape_as_lvalue()
153 TensorMap<Tensor<DataType, 5,DataLayout, IndexType>> gpu1(gpu_data1, tensorRange); in test_simple_slice()
154 TensorMap<Tensor<DataType, 5,DataLayout, IndexType>> gpu2(gpu_data2, slice1_range); in test_simple_slice()
[all …]
Dcxx11_tensor_convolution_sycl.cpp31 using Eigen::TensorMap;
68 …Eigen::TensorMap<Eigen::Tensor<DataType, 3, DataLayout, IndexType> > gpu_input(d_input, input_dims… in test_larg_expr1D()
69 …Eigen::TensorMap<Eigen::Tensor<DataType, 1, DataLayout, IndexType> > gpu_kernel(d_kernel, kernel_d… in test_larg_expr1D()
70 …Eigen::TensorMap<Eigen::Tensor<DataType, 3, DataLayout, IndexType> > gpu_result(d_result, result_d… in test_larg_expr1D()
129 …Eigen::TensorMap<Eigen::Tensor<DataType, 3, DataLayout, IndexType> > gpu_input(d_input, input_dims… in test_larg_expr2D()
130 …Eigen::TensorMap<Eigen::Tensor<DataType, 2, DataLayout, IndexType> > gpu_kernel(d_kernel, kernel_d… in test_larg_expr2D()
131 …Eigen::TensorMap<Eigen::Tensor<DataType, 3, DataLayout, IndexType> > gpu_result(d_result, result_d… in test_larg_expr2D()
190 …Eigen::TensorMap<Eigen::Tensor<DataType, 3, DataLayout, IndexType> > gpu_input(d_input, input_dims… in test_larg_expr3D()
191 …Eigen::TensorMap<Eigen::Tensor<DataType, 3, DataLayout, IndexType> > gpu_kernel(d_kernel, kernel_d… in test_larg_expr3D()
192 …Eigen::TensorMap<Eigen::Tensor<DataType, 3, DataLayout, IndexType> > gpu_result(d_result, result_d… in test_larg_expr3D()
[all …]
Dcxx11_tensor_complex_gpu.cu40 Eigen::TensorMap<Eigen::Tensor<std::complex<float>, 1, 0, int>, Eigen::Aligned> gpu_in1( in test_cuda_nullary()
42 Eigen::TensorMap<Eigen::Tensor<std::complex<float>, 1, 0, int>, Eigen::Aligned> gpu_in2( in test_cuda_nullary()
44 Eigen::TensorMap<Eigen::Tensor<float, 1, 0, int>, Eigen::Aligned> gpu_out2( in test_cuda_nullary()
91 TensorMap<Tensor<std::complex<float>, 2> > in_gpu(gpu_in_ptr, num_rows, num_cols); in test_cuda_sum_reductions()
92 TensorMap<Tensor<std::complex<float>, 0> > out_gpu(gpu_out_ptr); in test_cuda_sum_reductions()
127 TensorMap<Tensor<std::complex<float>, 2> > in_gpu(gpu_in_ptr, num_rows, num_cols); in test_cuda_mean_reductions()
128 TensorMap<Tensor<std::complex<float>, 0> > out_gpu(gpu_out_ptr); in test_cuda_mean_reductions()
163 TensorMap<Tensor<std::complex<float>, 2> > in_gpu(gpu_in_ptr, num_rows, num_cols); in test_cuda_product_reductions()
164 TensorMap<Tensor<std::complex<float>, 0> > out_gpu(gpu_out_ptr); in test_cuda_product_reductions()
Dcxx11_tensor_chipping_sycl.cpp50 TensorMap<Tensor<DataType, 5, DataLayout,IndexType>> gpu_tensor(gpu_data_tensor, tensorRange); in test_static_chip_sycl()
51 TensorMap<Tensor<DataType, 4, DataLayout,IndexType>> gpu_chip1(gpu_data_chip1, chip1TensorRange); in test_static_chip_sycl()
76 TensorMap<Tensor<DataType, 4, DataLayout,IndexType>> gpu_chip2(gpu_data_chip2, chip2TensorRange); in test_static_chip_sycl()
100 TensorMap<Tensor<DataType, 4, DataLayout,IndexType>> gpu_chip3(gpu_data_chip3, chip3TensorRange); in test_static_chip_sycl()
124 TensorMap<Tensor<DataType, 4, DataLayout,IndexType>> gpu_chip4(gpu_data_chip4, chip4TensorRange); in test_static_chip_sycl()
149 TensorMap<Tensor<DataType, 4, DataLayout,IndexType>> gpu_chip5(gpu_data_chip5, chip5TensorRange); in test_static_chip_sycl()
199 TensorMap<Tensor<DataType, 5, DataLayout,IndexType>> gpu_tensor(gpu_data_tensor, tensorRange); in test_dynamic_chip_sycl()
200 TensorMap<Tensor<DataType, 4, DataLayout,IndexType>> gpu_chip1(gpu_data_chip1, chip1TensorRange); in test_dynamic_chip_sycl()
225 TensorMap<Tensor<DataType, 4, DataLayout,IndexType>> gpu_chip2(gpu_data_chip2, chip2TensorRange); in test_dynamic_chip_sycl()
249 TensorMap<Tensor<DataType, 4, DataLayout,IndexType>> gpu_chip3(gpu_data_chip3, chip3TensorRange); in test_dynamic_chip_sycl()
[all …]
Dcxx11_tensor_builtins_sycl.cpp26 using Eigen::TensorMap;
68 TensorMap<Tensor<DataType, 3, DataLayout, int64_t>> gpu(gpu_data, tensor_range); in test_unary_builtins_for_scalar()
69 TensorMap<Tensor<DataType, 3, DataLayout, int64_t>> gpu_out(gpu_data_out, tensor_range); in test_unary_builtins_for_scalar()
93 TensorMap<Tensor<DataType, 3, DataLayout, int64_t>> gpu_out(gpu_data_out, tensor_range); in test_unary_builtins_for_scalar()
116 auto operator()(const TensorMap<T>& x) -> decltype(x.FUNC()) { \
175 TensorMap<Tensor<DataType, 3, DataLayout, int64_t>> gpu(gpu_data, tensor_range); in test_unary_builtins_return_bool()
176 TensorMap<Tensor<bool, 3, DataLayout, int64_t>> gpu_out(gpu_data_out, tensor_range); in test_unary_builtins_return_bool()
232 TensorMap<Tensor<DataType, 3, DataLayout, int64_t>> gpu_1(gpu_data_1, tensor_range); in test_binary_builtins_func()
233 TensorMap<Tensor<DataType, 3, DataLayout, int64_t>> gpu_2(gpu_data_2, tensor_range); in test_binary_builtins_func()
234 TensorMap<Tensor<DataType, 3, DataLayout, int64_t>> gpu_out(gpu_data_out, tensor_range); in test_binary_builtins_func()
[all …]
Dcxx11_tensor_const.cpp21 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()
Dcxx11_tensor_image_patch_sycl.cpp41TensorMap<Tensor<DataType, 4, ColMajor, IndexType>> gpu_col_major(gpu_data_col_major, tensorColMaj… in test_simple_image_patch_sycl()
42TensorMap<Tensor<DataType, 4, RowMajor, IndexType>> gpu_row_major(gpu_data_row_major, tensorRowMaj… in test_simple_image_patch_sycl()
58TensorMap<Tensor<DataType, 5, DataLayout,IndexType>> gpu_single_patch_col_major(gpu_data_single_pa… in test_simple_image_patch_sycl()
73TensorMap<Tensor<DataType, 5, RowMajor,IndexType>> gpu_single_patch_row_major(gpu_data_single_patc… in test_simple_image_patch_sycl()
110TensorMap<Tensor<DataType, 5, DataLayout,IndexType>> gpu_entire_image_patch_col_major(gpu_data_ent… in test_simple_image_patch_sycl()
125TensorMap<Tensor<DataType, 5, RowMajor,IndexType>> gpu_entire_image_patch_row_major(gpu_data_entir… in test_simple_image_patch_sycl()
176TensorMap<Tensor<DataType, 5, DataLayout,IndexType>> gpu_twod_patch_col_major(gpu_data_twod_patch_… in test_simple_image_patch_sycl()
191TensorMap<Tensor<DataType, 5, RowMajor,IndexType>> gpu_twod_patch_row_major(gpu_data_twod_patch_ro… in test_simple_image_patch_sycl()
274TensorMap<Tensor<DataType, 4, ColMajor, IndexType>> gpu_col_major(gpu_data_col_major, tensorColMaj… in test_patch_padding_valid_sycl()
275TensorMap<Tensor<DataType, 4, RowMajor, IndexType>> gpu_row_major(gpu_data_row_major, tensorRowMaj… in test_patch_padding_valid_sycl()
[all …]
Dcxx11_tensor_concatenation_sycl.cpp50 …Eigen::TensorMap<Eigen::Tensor<DataType, 3, DataLayout, IndexType>> gpu_in1(gpu_in1_data, leftRang… in test_simple_concatenation()
51 …Eigen::TensorMap<Eigen::Tensor<DataType, 3, DataLayout, IndexType>> gpu_in2(gpu_in2_data, rightRan… in test_simple_concatenation()
57 …Eigen::TensorMap<Eigen::Tensor<DataType, 3, DataLayout, IndexType>> gpu_out1(gpu_out_data1, concat… in test_simple_concatenation()
78 …Eigen::TensorMap<Eigen::Tensor<DataType, 3, DataLayout, IndexType>> gpu_out2(gpu_out_data2, concat… in test_simple_concatenation()
97 …Eigen::TensorMap<Eigen::Tensor<DataType, 3, DataLayout, IndexType>> gpu_out3(gpu_out_data3, concat… in test_simple_concatenation()
144 …Eigen::TensorMap<Eigen::Tensor<DataType, 2, DataLayout, IndexType>> gpu_in1(gpu_in1_data, leftRang… in test_concatenation_as_lvalue()
145 …Eigen::TensorMap<Eigen::Tensor<DataType, 2, DataLayout, IndexType>> gpu_in2(gpu_in2_data, rightRan… in test_concatenation_as_lvalue()
146 …Eigen::TensorMap<Eigen::Tensor<DataType, 2, DataLayout, IndexType>> gpu_out(gpu_out_data, resRange… in test_concatenation_as_lvalue()
Dcxx11_tensor_sycl.cpp28 using Eigen::TensorMap;
46 TensorMap<Tensor<DataType, 3, DataLayout, IndexType>> gpu1(gpu_data1, tensorRange); in test_sycl_mem_transfers()
47 TensorMap<Tensor<DataType, 3, DataLayout, IndexType>> gpu2(gpu_data2, tensorRange); in test_sycl_mem_transfers()
82 TensorMap<Tensor<DataType, 1, DataLayout, IndexType>> gpu1(gpu_data, tensorRange); in test_sycl_mem_sync()
107 TensorMap<tensor_type> gpu1(gpu_data, tensorRange); in test_sycl_mem_sync_offsets()
135 TensorMap<tensor_type> gpu2(gpu_data_out, tensorRange); in test_sycl_mem_sync_offsets()
166 TensorMap<tensor_type> gpu1(gpu_data, tensorRange); in test_sycl_memset_offsets()
199 TensorMap<Tensor<DataType, 3, DataLayout, IndexType>> gpu_in1(gpu_in1_data, tensorRange); in test_sycl_computations()
200 TensorMap<Tensor<DataType, 3, DataLayout, IndexType>> gpu_in2(gpu_in2_data, tensorRange); in test_sycl_computations()
201 TensorMap<Tensor<DataType, 3, DataLayout, IndexType>> gpu_in3(gpu_in3_data, tensorRange); in test_sycl_computations()
[all …]
Dcxx11_tensor_striding_sycl.cpp30 using Eigen::TensorMap;
53 …Eigen::TensorMap<Eigen::Tensor<DataType, 4, DataLayout, IndexType> > gpu_tensor(d_tensor, tensor_d… in test_simple_striding()
54 …Eigen::TensorMap<Eigen::Tensor<DataType, 4, DataLayout, IndexType> > gpu_no_stride(d_no_stride, te… in test_simple_striding()
55 …Eigen::TensorMap<Eigen::Tensor<DataType, 4, DataLayout, IndexType> > gpu_stride(d_stride, stride_d… in test_simple_striding()
136 …Eigen::TensorMap<Eigen::Tensor<DataType, 4, DataLayout, IndexType> > gpu_tensor(d_tensor, tensor_d… in test_striding_as_lvalue()
137 …Eigen::TensorMap<Eigen::Tensor<DataType, 4, DataLayout, IndexType> > gpu_no_stride(d_no_stride, st… in test_striding_as_lvalue()
138 …Eigen::TensorMap<Eigen::Tensor<DataType, 4, DataLayout, IndexType> > gpu_stride(d_stride, stride_d… in test_striding_as_lvalue()
Dcxx11_tensor_math_sycl.cpp26 using Eigen::TensorMap;
47 TensorMap<Tensor<DataType, 3, DataLayout, IndexType>> gpu1(gpu_data1, tensorRange); in test_tanh_sycl()
48 TensorMap<Tensor<DataType, 3, DataLayout, IndexType>> gpu2(gpu_data2, tensorRange); in test_tanh_sycl()
77 TensorMap<Tensor<DataType, 3, DataLayout, IndexType>> gpu1(gpu_data1, tensorRange); in test_sigmoid_sycl()
78 TensorMap<Tensor<DataType, 3, DataLayout, IndexType>> gpu2(gpu_data2, tensorRange); in test_sigmoid_sycl()
/external/eigen/unsupported/Eigen/CXX11/src/Tensor/
DTensorMap.h29 …int Options_, template <class> class MakePointer_> class TensorMap : public TensorBase<TensorMap<P…
32 typedef TensorMap<PlainObjectType, Options_, MakePointer_> Self;
33 typedef TensorBase<TensorMap<PlainObjectType, Options_, MakePointer_> > Base;
80 EIGEN_STRONG_INLINE TensorMap(StoragePointerType dataPtr) : m_data(dataPtr), m_dimensions() { in TensorMap() function
87 …EIGEN_STRONG_INLINE TensorMap(StoragePointerType dataPtr, Index firstDimension, IndexTypes... othe… in TensorMap() function
93 …EIGEN_STRONG_INLINE TensorMap(StoragePointerType dataPtr, Index firstDimension) : m_data(dataPtr),… in TensorMap() function
98 …EIGEN_STRONG_INLINE TensorMap(StoragePointerType dataPtr, Index dim1, Index dim2) : m_data(dataPtr… in TensorMap() function
102 …EIGEN_STRONG_INLINE TensorMap(StoragePointerType dataPtr, Index dim1, Index dim2, Index dim3) : m_… in TensorMap() function
106 …EIGEN_STRONG_INLINE TensorMap(StoragePointerType dataPtr, Index dim1, Index dim2, Index dim3, Inde… in TensorMap() function
110 …EIGEN_STRONG_INLINE TensorMap(StoragePointerType dataPtr, Index dim1, Index dim2, Index dim3, Inde… in TensorMap() function
[all …]

12345