/external/eigen/unsupported/test/ |
D | cxx11_tensor_ifft.cpp | 40 static void test_2D_fft_ifft_invariant(int dim0, int dim1) { in test_2D_fft_ifft_invariant() argument 41 Tensor<double, 2, DataLayout> tensor(dim0, dim1); in test_2D_fft_ifft_invariant() 54 VERIFY_IS_EQUAL(tensor_after_fft.dimension(0), dim0); in test_2D_fft_ifft_invariant() 56 VERIFY_IS_EQUAL(tensor_after_fft_ifft.dimension(0), dim0); in test_2D_fft_ifft_invariant() 59 for (int i = 0; i < dim0; ++i) { in test_2D_fft_ifft_invariant() 68 static void test_3D_fft_ifft_invariant(int dim0, int dim1, int dim2) { in test_3D_fft_ifft_invariant() argument 69 Tensor<double, 3, DataLayout> tensor(dim0, dim1, dim2); in test_3D_fft_ifft_invariant() 83 VERIFY_IS_EQUAL(tensor_after_fft.dimension(0), dim0); in test_3D_fft_ifft_invariant() 86 VERIFY_IS_EQUAL(tensor_after_fft_ifft.dimension(0), dim0); in test_3D_fft_ifft_invariant() 90 for (int i = 0; i < dim0; ++i) { in test_3D_fft_ifft_invariant() [all …]
|
/external/tensorflow/tensorflow/lite/kernels/internal/ |
D | transpose_utils_test.cc | 364 int dim0, dim1; in TEST() local 366 params, input_shape, &dim0, &dim1); in TEST() 369 EXPECT_EQ(dim0, 4); in TEST() 382 int dim0, dim1; in TEST() local 384 params, input_shape, &dim0, &dim1); in TEST() 387 EXPECT_EQ(dim0, 4); in TEST() 400 int dim0, dim1; in TEST() local 402 params, input_shape, &dim0, &dim1); in TEST() 405 EXPECT_EQ(dim0, 20); in TEST() 418 int dim0, dim1; in TEST() local [all …]
|
D | transpose_utils.cc | 21 const RuntimeShape& input_shape, int* dim0, in IsTranspose2DApplicable() argument 26 *dim0 = input_shape.Dims(0); in IsTranspose2DApplicable() 41 *dim0 = 1; in IsTranspose2DApplicable() 45 *dim0 *= input_shape.Dims(i); in IsTranspose2DApplicable()
|
D | transpose_utils.h | 27 const RuntimeShape& input_shape, int* dim0,
|
/external/tensorflow/tensorflow/core/kernels/ |
D | concat_lib_cpu.cc | 68 const auto dim0 = input->dimension(0); in EstimateBytesPerElement() local 70 const auto zero = dim0 - dim0; // Make type match in EstimateBytesPerElement() 71 if (dim0 > 0 && dim1 > 0) { in EstimateBytesPerElement() 81 for (auto i : {zero, dim0 / 2, dim0 - 1}) { in EstimateBytesPerElement()
|
D | broadcast_to_op_test.cc | 27 static Graph* BroadcastTo(int dim0, int dim1, InputShape input_shape) { in BroadcastTo() argument 30 Tensor input(DT_FLOAT, input_shape(dim0, dim1)); in BroadcastTo() 34 shape.flat<int32>()(0) = dim0; in BroadcastTo() 52 [](int dim0, int dim1) { \ 53 return TensorShape({dim0, 1}); \ 67 [](int dim0, int dim1) { \
|
D | fingerprint_op.cc | 93 const int64 dim0 = input.shape().dim_size(0); in Compute() local 95 if (dim0 == 0) { in Compute() 98 dim1 = input.shape().num_elements() / dim0; in Compute() 104 0, TensorShape{dim0, kFingerprintSize}, &output)); in Compute() 120 {dim0, dim1 * kFingerprintSize}), in Compute() 129 {dim0, dim1 * DataTypeSize(input.dtype())}); in Compute()
|
D | concat_lib_cpu.h | 66 const int64 dim0 = output->dimension(0); in ConcatCPUImpl() local 67 for (int64 i = 0; i < dim0; ++i) { in ConcatCPUImpl() 118 const int64 dim0 = output->dimension(0); in ConcatCPUImpl() local 119 for (int64 i = skipped_rows; i < dim0; ++i) { in ConcatCPUImpl()
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | data_format_ops.cc | 114 const int dim0 = input_tensor_shape.dim_size(0); in Compile() local 116 ctx, dim0 == 2 || dim0 == 4 || dim0 == 5, in Compile() 131 if (dim0 == 2) { in Compile() 143 std::vector<int32> dst_indices(dim0); in Compile() 144 for (int i = 0; i < dim0; ++i) { in Compile() 145 for (int j = 0; j < dim0; ++j) { in Compile()
|
/external/tensorflow/tensorflow/compiler/aot/ |
D | codegen_test_h.golden | 130 float& arg0(size_t dim0, size_t dim1) { 132 arg_data(0)))[dim0][dim1]; 137 const float& arg0(size_t dim0, size_t dim1) const { 139 arg_data(0)))[dim0][dim1]; 154 float& arg_myfeed(size_t dim0, size_t dim1) { 156 arg_data(0)))[dim0][dim1]; 161 const float& arg_myfeed(size_t dim0, size_t dim1) const { 163 arg_data(0)))[dim0][dim1]; 178 tensorflow::int64& arg1(size_t dim0, size_t dim1) { 180 arg_data(1)))[dim0][dim1]; [all …]
|
/external/angle/third_party/vulkan-deps/glslang/src/glslang/HLSL/ |
D | hlslParseables.cpp | 78 bool IsIllegalSample(const glslang::TString& name, const char* argOrder, int dim0) in IsIllegalSample() argument 85 if (dim0 == 3 && (isArrayed || name == "SampleCmp" || name == "SampleCmpLevelZero")) in IsIllegalSample() 91 if (dim0 == 4) { in IsIllegalSample() 117 if (dim0 == 1 || dim0 == 3) // there are no 1D or 3D gathers in IsIllegalSample() 121 if (dim0 == 4) { in IsIllegalSample() 128 if (name == "Load" && dim0 == 4) in IsIllegalSample() 132 if (isMS && dim0 != 2) in IsIllegalSample() 136 if (isBuffer && dim0 != 1) in IsIllegalSample() 213 … AppendTypeName(glslang::TString& s, const char* argOrder, const char* argType, int dim0, int dim1) in AppendTypeName() argument 227 std::swap(dim0, dim1); in AppendTypeName() [all …]
|
/external/deqp-deps/glslang/glslang/HLSL/ |
D | hlslParseables.cpp | 78 bool IsIllegalSample(const glslang::TString& name, const char* argOrder, int dim0) in IsIllegalSample() argument 85 if (dim0 == 3 && (isArrayed || name == "SampleCmp" || name == "SampleCmpLevelZero")) in IsIllegalSample() 91 if (dim0 == 4) { in IsIllegalSample() 117 if (dim0 == 1 || dim0 == 3) // there are no 1D or 3D gathers in IsIllegalSample() 121 if (dim0 == 4) { in IsIllegalSample() 128 if (name == "Load" && dim0 == 4) in IsIllegalSample() 132 if (isMS && dim0 != 2) in IsIllegalSample() 136 if (isBuffer && dim0 != 1) in IsIllegalSample() 213 … AppendTypeName(glslang::TString& s, const char* argOrder, const char* argType, int dim0, int dim1) in AppendTypeName() argument 227 std::swap(dim0, dim1); in AppendTypeName() [all …]
|
/external/tensorflow/tensorflow/core/tpu/ |
D | tpu_embedding_output_layout_utils.cc | 30 auto* dim0 = shape.add_dim(); in ComputeOutputTensorShapes() local 31 dim0->set_size(table.num_features() * batch_size); in ComputeOutputTensorShapes()
|
/external/tensorflow/tensorflow/compiler/xla/ |
D | literal_util.h | 452 for (int64 dim0 = 0; dim0 < dim0_size; ++dim0) { in CreateR3Projected() local 457 array(dim0, dim1, dim2) = value; in CreateR3Projected() 478 for (int64 dim0 = 0; dim0 < dim0_size; ++dim0) { in CreateR4Projected() local 484 array(dim0, dim1, dim2, dim3) = value; in CreateR4Projected()
|
/external/tensorflow/tensorflow/compiler/xla/service/ |
D | shape_inference_test.cc | 424 auto dim0 = window.add_dimensions(); in TEST_F() local 426 dim0->set_size(3); in TEST_F() 427 dim0->set_stride(2); in TEST_F() 428 dim0->set_padding_low(1); in TEST_F() 429 dim0->set_padding_high(1); in TEST_F() 430 dim0->set_window_dilation(1); in TEST_F() 431 dim0->set_base_dilation(1); in TEST_F() 469 auto dim0 = window.add_dimensions(); in TEST_F() local 470 dim0->set_size(3); in TEST_F() 471 dim0->set_stride(3); in TEST_F() [all …]
|
/external/tensorflow/tensorflow/core/util/sparse/ |
D | README.md | 86 `group({dim0, ..., dimk})` will **raise an assertion failure** if the 91 order = {dim0, ..., dimk, ...} 95 Reorder<T>({dim0, .., dimk, ...}) 103 TensorShape shape({dim0,...}); 130 TensorShape shape({dim0,...});
|
/external/tensorflow/tensorflow/core/framework/ |
D | tensor_shape.cc | 911 const int64 dim0 = dim_size(i); in MergeWith() local 913 if (dim0 >= 0 && dim1 >= 0 && dim0 != dim1) { in MergeWith() 918 s.Update(result->AddDimWithStatus(dim0 >= 0 ? dim0 : dim1)); in MergeWith() 951 const int64 dim0 = dim_size(i); in IsCompatibleWith() local 953 if (dim0 >= 0 && dim1 >= 0 && dim0 != dim1) return false; in IsCompatibleWith()
|
/external/tensorflow/tensorflow/python/data/kernel_tests/ |
D | batch_test.py | 77 dim0 = batch_size 79 dim0 = None 83 [[dim0] + list(c.shape[1:]) for c in components])
|
/external/tensorflow/tensorflow/tools/compatibility/testdata/ |
D | test_file_v0_11.py | 44 dim0 = [1] 49 b, reduction_indices=dim0).eval(), [True, True])
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_SaveSlices.pbtxt | 40 * A string of the form `dim0 dim1 ... dimN-1 slice-spec` where the
|
/external/tensorflow/tensorflow/python/keras/engine/ |
D | keras_tensor.py | 557 def __init__(self, tensor, dim0): argument 560 self._limit = dim0
|
/external/tensorflow/tensorflow/core/ops/ |
D | math_ops.cc | 1179 const Tensor* dim0 = c->input_tensor(3); in SparseSegmentReductionGradShapeFn() local 1181 if (dim0 == nullptr) { in SparseSegmentReductionGradShapeFn() 1186 auto dim0_value = dim0->scalar<int32>()(); in SparseSegmentReductionGradShapeFn() 1221 const Tensor* dim0 = c->input_tensor(3); in SparseSegmentReductionWithNumSegmentsShapeFn() local 1222 if (dim0 == nullptr) { in SparseSegmentReductionWithNumSegmentsShapeFn() 1228 auto dim0_value = dim0->scalar<int32>()(); in SparseSegmentReductionWithNumSegmentsShapeFn()
|
/external/tensorflow/tensorflow/compiler/xla/g3doc/ |
D | tfcompile.md | 174 float& arg0(size_t dim0, size_t dim1); 178 float& arg1(size_t dim0, size_t dim1); 187 float& result0(size_t dim0, size_t dim1);
|
/external/tensorflow/tensorflow/python/ops/ |
D | math_grad.py | 361 dim0 = array_ops.shape(op.inputs[0])[0] 363 dim0), None, None) 369 dim0 = array_ops.shape(op.inputs[0])[0] 371 dim0), None, None, None) 377 dim0 = array_ops.shape(op.inputs[0])[0] 379 dim0), None, None) 385 dim0 = array_ops.shape(op.inputs[0])[0] 387 dim0), None, None, None)
|
/external/llvm-project/mlir/test/Dialect/Linalg/ |
D | loops.mlir | 1235 // CHECKLOOP: %[[dim0:.*]] = dim %[[arg1]], %[[c0]] : memref<?xf32> 1238 // CHECKLOOP: scf.for %[[m:.*]] = %[[c0]] to %[[dim0]] step %[[c1]] { 1253 // CHECKPARALLEL: %[[dim0:.*]] = dim %[[arg1]], %[[c0]] : memref<?xf32> 1256 // CHECKPARALLEL: scf.for %[[m:.*]] = %[[c0]] to %[[dim0]] step %[[c1]] { 1277 // CHECKLOOP: %[[dim0:.*]] = dim %[[arg1]], %[[c0]] : memref<?x?xf32> 1283 // CHECKLOOP: scf.for %[[arg5:.*]] = %[[c0]] to %[[dim0]] step %[[c1]] { 1302 // CHECKPARALLEL: %[[dim0:.*]] = dim %[[arg1]], %[[c0]] : memref<?x?xf32> 1307 // CHECKPARALLEL: scf.for %[[arg5:.*]] = %[[c0]] to %[[dim0]] step %[[c1]] { 1332 // CHECKLOOP: %[[dim0:.*]] = dim %[[arg1]], %[[c0]] : memref<?x?x?xf32> 1341 // CHECKLOOP: scf.for %[[arg6:.*]] = %[[c0]] to %[[dim0]] step %[[c1]] { [all …]
|