/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/compiler/aot/ |
D | codegen_test_h.golden | 124 float& arg0(size_t dim0, size_t dim1) { 126 arg_data(0)))[dim0][dim1]; 131 const float& arg0(size_t dim0, size_t dim1) const { 133 arg_data(0)))[dim0][dim1]; 142 float& arg_myfeed(size_t dim0, size_t dim1) { 144 arg_data(0)))[dim0][dim1]; 149 const float& arg_myfeed(size_t dim0, size_t dim1) const { 151 arg_data(0)))[dim0][dim1]; 160 tensorflow::int64& arg1(size_t dim0, size_t dim1) { 162 arg_data(1)))[dim0][dim1]; [all …]
|
/external/deqp-deps/glslang/hlsl/ |
D | hlslParseables.cpp | 90 bool IsIllegalSample(const glslang::TString& name, const char* argOrder, int dim0) in IsIllegalSample() argument 97 if (dim0 == 3 && (isArrayed || name == "SampleCmp" || name == "SampleCmpLevelZero")) in IsIllegalSample() 103 if (dim0 == 4) { in IsIllegalSample() 129 if (dim0 == 1 || dim0 == 3) // there are no 1D or 3D gathers in IsIllegalSample() 133 if (dim0 == 4) { in IsIllegalSample() 140 if (name == "Load" && dim0 == 4) in IsIllegalSample() 144 if (isMS && dim0 != 2) in IsIllegalSample() 148 if (isBuffer && dim0 != 1) in IsIllegalSample() 226 … AppendTypeName(glslang::TString& s, const char* argOrder, const char* argType, int dim0, int dim1) in AppendTypeName() argument 240 std::swap(dim0, dim1); in AppendTypeName() [all …]
|
/external/tensorflow/tensorflow/contrib/distributions/python/ops/ |
D | independent.py | 169 dim0 = tensor_shape.dimension_value( 171 batch_ndims = (dim0 172 if dim0 is not None 187 dim0 = tensor_shape.dimension_value( 189 batch_ndims = (dim0 190 if dim0 is not None 246 dim0 = tensor_shape.dimension_value( 249 dim0 250 if dim0 is not None
|
/external/tensorflow/tensorflow/core/kernels/ |
D | concat_lib_cpu.h | 65 const int64 dim0 = output->dimension(0); in ConcatCPUImpl() local 66 for (int64 i = 0; i < dim0; ++i) { in ConcatCPUImpl() 117 const int64 dim0 = output->dimension(0); in ConcatCPUImpl() local 118 for (int64 i = skipped_rows; i < dim0; ++i) { in ConcatCPUImpl() 156 const int64 dim0 = output->dimension(0); in ConcatSYCLImpl() local 157 for (int64 i = 0; i < dim0; ++i) { in ConcatSYCLImpl()
|
/external/tensorflow/tensorflow/compiler/xla/ |
D | literal_util.h | 485 for (int64 dim0 = 0; dim0 < dim0_size; ++dim0) { in CreateR3Projected() local 490 array(dim0, dim1, dim2) = value; in CreateR3Projected() 511 for (int64 dim0 = 0; dim0 < dim0_size; ++dim0) { in CreateR4Projected() local 517 array(dim0, dim1, dim2, dim3) = value; in CreateR4Projected()
|
D | literal.h | 1014 int64 dim0 = 0; in PopulateR2() local 1018 Set({dim0, dim1}, value); in PopulateR2() 1022 ++dim0; in PopulateR2()
|
/external/tensorflow/tensorflow/core/framework/ |
D | tensor_shape.cc | 669 const int64 dim0 = dim_size(i); in MergeWith() local 671 if (dim0 >= 0 && dim1 >= 0 && dim0 != dim1) { in MergeWith() 676 result->AddDim(dim0 >= 0 ? dim0 : dim1); in MergeWith() 706 const int64 dim0 = dim_size(i); in IsCompatibleWith() local 708 if (dim0 >= 0 && dim1 >= 0 && dim0 != dim1) return false; in IsCompatibleWith()
|
/external/tensorflow/tensorflow/core/tpu/ |
D | tpu_embedding_output_layout_utils.cc | 74 auto* dim0 = shape.add_dim(); in ComputeOutputTensorShapes() local 75 dim0->set_size(output.two_d().dim0_size_per_sample() * batch_size); in ComputeOutputTensorShapes()
|
/external/tensorflow/tensorflow/python/data/kernel_tests/ |
D | batch_test.py | 69 dim0 = batch_size 71 dim0 = None 75 [[dim0] + list(c.shape[1:]) for c in components])
|
/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/compiler/xla/service/ |
D | shape_inference_test.cc | 412 auto dim0 = window.add_dimensions(); in TEST_F() local 414 dim0->set_size(3); in TEST_F() 415 dim0->set_stride(2); in TEST_F() 416 dim0->set_padding_low(1); in TEST_F() 417 dim0->set_padding_high(1); in TEST_F() 418 dim0->set_window_dilation(1); in TEST_F() 419 dim0->set_base_dilation(1); in TEST_F() 457 auto dim0 = window.add_dimensions(); in TEST_F() local 458 dim0->set_size(3); in TEST_F() 459 dim0->set_stride(3); in TEST_F() [all …]
|
D | algebraic_simplifier_test.cc | 2666 const int64 dim0 = 2; in TEST_F() local 2670 0, ShapeUtil::MakeShape(F32, {dim0, dim1}), "param")); in TEST_F() 2672 ShapeUtil::MakeShape(F32, {dim0, dim1}), param, /*start_indices=*/{0, 0}, in TEST_F() 2673 /*limit_indices=*/{dim0, dim1}, /*strides=*/{1, 1})); in TEST_F() 2689 const int64 dim0 = 11; in TEST_F() local 2693 0, ShapeUtil::MakeShape(F32, {dim0, dim1}), "param")); in TEST_F() 2696 ShapeUtil::MakeShape(F32, {dim0 - 2, dim1 - 4}), param, in TEST_F() 2698 /*limit_indices=*/{dim0 - 1, dim1 - 2}, /*strides=*/{1, 1})); in TEST_F() 2701 ShapeUtil::MakeShape(F32, {dim0 - 5, dim1 - 9}), original_slice, in TEST_F() 2703 /*limit_indices=*/{dim0 - 3, dim1 - 6}, /*strides=*/{1, 1})); in TEST_F() [all …]
|
/external/tensorflow/tensorflow/tools/compatibility/testdata/ |
D | test_file_v0_11.py | 43 dim0 = [1] 48 b, reduction_indices=dim0).eval(), [True, True])
|
/external/tensorflow/tensorflow/python/ops/ |
D | math_grad.py | 228 dim0 = array_ops.shape(op.inputs[0])[0] 230 dim0), None, None) 236 dim0 = array_ops.shape(op.inputs[0])[0] 238 dim0), None, None, None) 244 dim0 = array_ops.shape(op.inputs[0])[0] 246 dim0), None, None) 252 dim0 = array_ops.shape(op.inputs[0])[0] 254 dim0), None, None, None)
|
/external/tensorflow/tensorflow/core/ops/ |
D | math_ops.cc | 1042 const Tensor* dim0 = c->input_tensor(3); in SparseSegmentReductionGradShapeFn() local 1044 if (dim0 == nullptr) { in SparseSegmentReductionGradShapeFn() 1049 auto dim0_value = dim0->scalar<int32>()(); in SparseSegmentReductionGradShapeFn() 1084 const Tensor* dim0 = c->input_tensor(3); in SparseSegmentReductionWithNumSegmentsShapeFn() local 1085 if (dim0 == nullptr) { in SparseSegmentReductionWithNumSegmentsShapeFn() 1091 auto dim0_value = dim0->scalar<int32>()(); in SparseSegmentReductionWithNumSegmentsShapeFn()
|
/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/compiler/xla/g3doc/ |
D | tfcompile.md | 176 float& arg0(size_t dim0, size_t dim1); 180 float& arg1(size_t dim0, size_t dim1); 189 float& result0(size_t dim0, size_t dim1);
|
/external/tensorflow/tensorflow/contrib/recurrent/python/ops/ |
D | recurrent.py | 129 dim0 = array_ops.shape(xs[0])[0] 130 return dim0
|
/external/tensorflow/tensorflow/core/grappler/costs/ |
D | op_level_cost_estimator_test.cc | 140 void DescribeTensor1D(int dim0, OpInfo::TensorProperties* tensor) { in DescribeTensor1D() argument 142 shape->add_dim()->set_size(dim0); in DescribeTensor1D() 148 void DescribeTensor4D(int dim0, int dim1, int dim2, int dim3, in DescribeTensor4D() argument 151 shape->add_dim()->set_size(dim0); in DescribeTensor4D()
|
/external/tensorflow/tensorflow/contrib/training/python/training/ |
D | sequence_queueing_state_saver.py | 1692 dim0 = array_ops.shape(sp_tensor.indices)[0] 1699 ind = array_ops.tile(ind, [1, dim0, 1]) 1703 indices = array_ops.reshape(indices, [dim0 * n, dim1 + 1])
|