/external/tensorflow/tensorflow/compiler/xla/service/cpu/ |
D | runtime_fft_impl.h | 44 int64 input_batch, int64 fft_length0, int64 fft_length1, in EigenFftC2C() argument 54 dims[0] = input_batch; in EigenFftC2C() 71 int64 input_batch, int64 fft_length0, int64 fft_length1, in EigenFftR2C() argument 77 in_dims[0] = input_batch; in EigenFftR2C() 79 out_dims[0] = input_batch; in EigenFftR2C() 110 int64 input_batch, int64 fft_length0, int64 fft_length1, in EigenFftC2R() argument 116 in_dims[0] = input_batch; in EigenFftC2R() 118 out_dims[0] = input_batch; in EigenFftC2R() 182 int64 input_batch, int64 fft_length0, int64 fft_length1, in EigenFftWithRank() argument 189 static_cast<complex128*>(operand), input_batch, fft_length0, in EigenFftWithRank() [all …]
|
D | runtime_conv2d_impl.h | 33 ScalarType* rhs, Eigen::Index input_batch, in EigenConvImpl() argument 46 input(lhs, input_batch, input_rows, input_cols, input_channels); in EigenConvImpl() 54 output(out, input_batch, output_rows, output_cols, kernel_filters); in EigenConvImpl() 64 pre_contract_dims[0] = output_cols * output_rows * input_batch; in EigenConvImpl() 69 post_contract_dims[0] = input_batch; in EigenConvImpl()
|
D | runtime_conv2d_mkl.cc | 53 ScalarType* rhs, int64 input_batch, int64 input_rows, in MKLConvImpl() argument 68 memory::dims conv1_src_dim = {ToInt(input_batch), ToInt(input_channels), in MKLConvImpl() 73 memory::dims conv1_dst_dim = {ToInt(input_batch), ToInt(kernel_filters), in MKLConvImpl() 156 int64 input_batch, int64 input_rows, int64 input_cols, int64 input_channels, in __xla_cpu_runtime_MKLConvF32() argument 167 run_options_ptr, out, lhs, rhs, input_batch, input_rows, input_cols, in __xla_cpu_runtime_MKLConvF32() 173 MKLConvImpl(nullptr, out, lhs, rhs, input_batch, input_rows, input_cols, in __xla_cpu_runtime_MKLConvF32()
|
D | runtime_single_threaded_conv2d.cc | 25 Eigen::half* rhs, tensorflow::int64 input_batch, in __xla_cpu_runtime_EigenSingleThreadedConvF16() argument 37 Eigen::DefaultDevice(), out, lhs, rhs, input_batch, input_rows, in __xla_cpu_runtime_EigenSingleThreadedConvF16() 47 tensorflow::int64 input_batch, tensorflow::int64 input_rows, in __xla_cpu_runtime_EigenSingleThreadedConvF32() argument 58 Eigen::DefaultDevice(), out, lhs, rhs, input_batch, input_rows, in __xla_cpu_runtime_EigenSingleThreadedConvF32()
|
D | runtime_conv2d.cc | 28 tensorflow::int64 input_batch, tensorflow::int64 input_rows, in __xla_cpu_runtime_EigenConvF32() argument 42 *run_options->intra_op_thread_pool(), out, lhs, rhs, input_batch, in __xla_cpu_runtime_EigenConvF32() 51 Eigen::half* rhs, tensorflow::int64 input_batch, in __xla_cpu_runtime_EigenConvF16() argument 66 *run_options->intra_op_thread_pool(), out, lhs, rhs, input_batch, in __xla_cpu_runtime_EigenConvF16()
|
D | runtime_single_threaded_fft.cc | 27 int32 double_precision, int32 fft_rank, int64 input_batch, in __xla_cpu_runtime_EigenSingleThreadedFft() argument 32 input_batch, fft_length0, fft_length1, in __xla_cpu_runtime_EigenSingleThreadedFft()
|
D | runtime_fft.cc | 31 int32 double_precision, int32 fft_rank, int64 input_batch, in __xla_cpu_runtime_EigenFft() argument 39 static_cast<bool>(double_precision), fft_rank, input_batch, fft_length0, in __xla_cpu_runtime_EigenFft()
|
D | runtime_conv2d.h | 26 float* lhs, float* rhs, tensorflow::int64 input_batch, 41 tensorflow::int64 input_batch, tensorflow::int64 input_rows,
|
D | runtime_single_threaded_conv2d.h | 27 tensorflow::int64 input_batch, tensorflow::int64 input_rows, 40 float* lhs, float* rhs, tensorflow::int64 input_batch,
|
D | runtime_fft.h | 27 tensorflow::int64 input_batch, tensorflow::int64 fft_length0,
|
D | runtime_single_threaded_fft.h | 27 tensorflow::int64 input_batch, tensorflow::int64 fft_length0,
|
D | runtime_conv2d_mkl.h | 26 float* lhs, float* rhs, tensorflow::int64 input_batch,
|
D | ir_emitter.cc | 902 int64 input_batch = input_shape.dimensions(dnums.input_batch_dimension()); in HandleConvolution() local 984 b_.getInt64(input_batch), in HandleConvolution() 1035 int64 input_batch = 1; in HandleFft() local 1037 input_batch *= fft->shape().dimensions(i); in HandleFft() 1055 b_.getInt32(fft_rank), b_.getInt64(input_batch), in HandleFft()
|
/external/tensorflow/tensorflow/lite/kernels/ |
D | depthwise_conv_test.cc | 475 const int input_batch = 2; in BatchPaddingValidTest() local 485 {input_batch, input_height, input_width, input_depth}}, in BatchPaddingValidTest() 536 const int input_batch = 4; in BatchPaddingSameTest() local 546 {input_batch, input_height, input_width, input_depth}}, in BatchPaddingSameTest() 1069 const int input_batch = 1; in TEST_P() local 1080 {input_batch, input_height, input_width, input_depth}, in TEST_P() 1142 const int input_batch = 1; in TEST_P() local 1153 {input_batch, input_height, input_width, input_depth}, in TEST_P() 1217 const int input_batch = 2; in TEST_P() local 1228 {input_batch, input_height, input_width, input_depth}, in TEST_P() [all …]
|
/external/tensorflow/tensorflow/lite/kernels/internal/reference/ |
D | space_to_depth.h | 39 const int input_batch = input_shape.Dims(0); in SpaceToDepth() local 51 TFLITE_DCHECK_EQ(input_batch, output_batch); in SpaceToDepth() 53 for (int in_b = 0; in_b < input_batch; ++in_b) { in SpaceToDepth()
|
D | depth_to_space.h | 39 const int input_batch = input_shape.Dims(0); in DepthToSpace() local 51 TFLITE_DCHECK_EQ(input_batch, output_batch); in DepthToSpace()
|
D | space_to_batch_nd.h | 80 int input_batch = out_b % input_batch_size; in SpaceToBatchND() local 96 Offset(input1_shape, input_batch, in SpaceToBatchND()
|
/external/tensorflow/tensorflow/core/kernels/ |
D | quantized_batch_norm_op_test.cc | 62 const int input_batch = 1; in TEST_F() local 67 {input_batch, input_height, input_width, input_depth}); in TEST_F() 121 TensorShape({input_batch, input_height, input_width, input_depth})); in TEST_F() 159 const int input_batch = 1; in TEST_F() local 164 {input_batch, input_height, input_width, input_depth}); in TEST_F() 218 TensorShape({input_batch, input_height, input_width, input_depth})); in TEST_F()
|
/external/tensorflow/tensorflow/compiler/xla/tests/ |
D | convolution_dimension_numbers_test.cc | 38 int64 input_batch, int64 input_feature, int64 input_first_spatial, in CreateConvDimensionNumbers() argument 44 dimension_numbers.set_input_batch_dimension(input_batch); in CreateConvDimensionNumbers()
|
/external/tensorflow/tensorflow/python/debug/cli/ |
D | tensor_format.py | 323 input_batch = True 326 input_batch = False 400 if input_batch:
|
/external/tensorflow/tensorflow/core/kernels/mkl/ |
D | mkl_conv_ops.h | 132 int input_batch = static_cast<int>(input_batch_raw); in GetInputSizeInMklOrder() local 147 mkldnn_sizes[MklDnnDims::Dim_N] = input_batch; in GetInputSizeInMklOrder() 171 mkldnn_sizes[MklDnnDims3D::Dim3d_N] = input_batch; in GetInputSizeInMklOrder()
|
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/ir/ |
D | tf_ops_a_m.cc | 286 int64_t input_batch = input_type.getDimSize(0); in Verify() local 287 if (input_batch != ShapedType::kDynamicSize && in Verify() 288 input_batch % (block_size * block_size) != 0) { in Verify() 292 << input_batch << " and block_size " << block_size; in Verify() 348 int64_t input_batch = input_shape[0]; in Verify() local 350 if (static_dims(input_batch, output_batch) && in Verify() 351 (output_batch * block_size * block_size) != input_batch) in Verify() 356 << output_batch << ", input batch " << input_batch in Verify()
|
/external/tensorflow/tensorflow/compiler/xla/service/ |
D | convolution_group_converter.cc | 228 const int64 input_batch = in HandleBatchGroupCount() local 233 if (output_feature != batch_group_count || input_batch != batch_group_count) { in HandleBatchGroupCount()
|
D | shape_inference.cc | 1739 const int64 input_batch = lhs.dimensions(dnums.input_batch_dimension()); in InferConvolveShape() local 1789 if (input_batch % batch_group_count != 0) { in InferConvolveShape() 1795 input_batch, batch_group_count, ShapeUtil::HumanString(lhs), in InferConvolveShape() 1821 dimensions[dnums.output_batch_dimension()] = input_batch / batch_group_count; in InferConvolveShape()
|
/external/tensorflow/tensorflow/python/tpu/ |
D | tpu_embedding_v2_test.py | 297 input_batch = (constant_op.constant(input_feature_value, 299 prediction = predict_fn(*input_batch)['output_0']
|