/external/tensorflow/tensorflow/lite/kernels/ |
D | batch_to_space_nd.cc | 40 crops = GetInput(context, node, 2); in BatchToSpaceNDContext() 45 const TfLiteTensor* crops; member 60 const int* crops = GetTensorData<int32>(op_context->crops); in ResizeOutputTensor() local 68 TF_LITE_ENSURE_EQ(context, NumDimensions(op_context->crops), 2); in ResizeOutputTensor() 69 TF_LITE_ENSURE_EQ(context, op_context->crops->dims->data[0], in ResizeOutputTensor() 71 TF_LITE_ENSURE_EQ(context, op_context->crops->dims->data[1], 2); in ResizeOutputTensor() 74 TF_LITE_ENSURE(context, crops[i] >= 0); in ResizeOutputTensor() 84 crops[dim * 2] - crops[dim * 2 + 1]; in ResizeOutputTensor() 106 !IsConstantTensor(op_context.crops)) { in Prepare() 127 GetTensorShape(op_context.crops), \ in Eval() [all …]
|
D | batch_to_space_nd_test.cc | 72 std::initializer_list<int> crops, in BatchToSpaceNDOpConstModel() argument 77 crops_ = AddConstInput(TensorType_INT32, crops, {spatial_dims, 2}); in BatchToSpaceNDOpConstModel()
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | batchtospace_op_test.py | 59 crops = array_ops.zeros((2, 2), dtype=crops_dtype) 60 y1 = self.batch_to_space(x, crops, block_size=block_size) 79 crops = np.zeros((2, 2), dtype=np.int32) 82 _ = self.batch_to_space(x_np, crops, block_size) 88 crops = np.zeros((2, 2), dtype=np.int32) 91 out_tf = self.batch_to_space(x_np, crops, block_size) 98 crops = np.zeros((2, 2), dtype=np.int32) 101 out_tf = self.batch_to_space(x_np, crops, block_size) 108 crops = np.zeros((2, 2), dtype=np.int32) 111 out_tf = self.batch_to_space(x_np, crops, block_size) [all …]
|
D | spacetobatch_op_test.py | 630 crops): argument 638 self.assertEqual(crops.shape, (num_block_dims, 2)) 646 self.assertEqual(crops[i, 0], 0) 647 self.assertEqual(crops[i, 1], paddings[i, 1] - base_paddings[i, 1]) 655 paddings, crops = array_ops.required_space_to_batch_paddings(input_shape, 659 crops_const = tensor_util.constant_value(crops)
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | batchtospace_op.cc | 27 const xla::Literal& crops) { in BatchToSpace() argument 42 crops.shape().rank() == 2 && in BatchToSpace() 43 block_rank == xla::ShapeUtil::GetDimension(crops.shape(), 0) && in BatchToSpace() 44 2 == xla::ShapeUtil::GetDimension(crops.shape(), 1), in BatchToSpace() 47 xla::ShapeUtil::HumanString(crops.shape()))); in BatchToSpace() 129 int64 crop_start = crops.Get<int64>({i, 0}); in BatchToSpace() 130 int64 crop_end = crops.Get<int64>({i, 1}); in BatchToSpace() 154 xla::Literal crops; in Compile() local 155 OP_REQUIRES_OK(ctx, ctx->ConstantInputAsInt64Literal(2, &crops)); in Compile() 158 block_shape, crops); in Compile() [all …]
|
/external/tensorflow/tensorflow/core/api_def/base_api/ |
D | api_def_BatchToSpaceND.pbtxt | 17 name: "crops" 20 `crops[i] = [crop_start, crop_end]` specifies the amount to crop from input 53 `reshaped_permuted` according to `crops` to produce the output of shape: 56 input_shape[1] * block_shape[0] - crops[0,0] - crops[0,1], 58 input_shape[M] * block_shape[M-1] - crops[M-1,0] - crops[M-1,1], 65 `crops = [[0, 0], [0, 0]]`: 78 `crops = [[0, 0], [0, 0]]`: 92 `crops = [[0, 0], [0, 0]]`: 111 `crops = [[0, 0], [2, 0]]`: 136 optionally cropped according to `crops` to produce the output. This is the
|
D | api_def_CropAndResize.pbtxt | 42 name: "crops" 61 summary: "Extracts crops from the input image tensor and resizes them." 63 Extracts crops from the input image tensor and resizes them using bilinear 69 Returns a tensor with `crops` from the input `image` at positions defined at the
|
D | api_def_BatchToSpace.pbtxt | 13 name: "crops" 19 crops = [[crop_top, crop_bottom], [crop_left, crop_right]]
|
/external/tensorflow/tensorflow/core/kernels/ |
D | batchtospace_op.cc | 69 gtl::InlinedVector<int64, 8> crops; in BatchToSpaceOpCompute() local 71 internal::spacetobatch::SubtleMustCopyFlat(orig_crops, &crops); in BatchToSpaceOpCompute() 78 if (crops[2 * dim] != 0 || crops[2 * dim + 1] != 0 || in BatchToSpaceOpCompute() 90 if (crops[2 * dim] != 0 || crops[2 * dim + 1] != 0 || in BatchToSpaceOpCompute() 150 const int64 crop_start = crops[2 * block_dim], in BatchToSpaceOpCompute() 151 crop_end = crops[2 * block_dim + 1]; in BatchToSpaceOpCompute() 181 const int64* internal_crops = &crops[2 * removed_prefix_block_dims]; in BatchToSpaceOpCompute()
|
/external/tensorflow/tensorflow/lite/testing/nnapi_tflite_zip_tests/ |
D | not_supported.txt | 29 …_space_nd_block_shape=[1,4],constant_block_shape=True,constant_crops=True,crops=[[0,0],[0,0]],dtyp… 30 …space_nd_block_shape=[1,4],constant_block_shape=True,constant_crops=False,crops=[[0,0],[0,0]],dtyp… 31 …space_nd_block_shape=[1,4],constant_block_shape=False,constant_crops=True,crops=[[0,0],[0,0]],dtyp… 32 …pace_nd_block_shape=[1,4],constant_block_shape=False,constant_crops=False,crops=[[0,0],[0,0]],dtyp… 33 …_space_nd_block_shape=[1,4],constant_block_shape=True,constant_crops=True,crops=[[1,1],[1,1]],dtyp… 34 …space_nd_block_shape=[1,4],constant_block_shape=True,constant_crops=False,crops=[[1,1],[1,1]],dtyp… 35 …space_nd_block_shape=[1,4],constant_block_shape=False,constant_crops=True,crops=[[1,1],[1,1]],dtyp… 36 …pace_nd_block_shape=[1,4],constant_block_shape=False,constant_crops=False,crops=[[1,1],[1,1]],dtyp… 37 …_space_nd_block_shape=[1,4],constant_block_shape=True,constant_crops=True,crops=[[0,0],[0,0]],dtyp… 38 …space_nd_block_shape=[1,4],constant_block_shape=True,constant_crops=False,crops=[[0,0],[0,0]],dtyp… [all …]
|
/external/tensorflow/tensorflow/lite/micro/kernels/ |
D | batch_to_space_nd.cc | 66 const TfLiteEvalTensor* crops = in Eval() local 78 tflite::micro::GetTensorShape(crops), in Eval() 79 tflite::micro::GetTensorData<int32_t>(crops), in Eval() 89 tflite::micro::GetTensorShape(crops), in Eval() 90 tflite::micro::GetTensorData<int32_t>(crops), in Eval()
|
D | space_to_batch_nd.cc | 76 const TfLiteEvalTensor* crops = in Eval() local 88 tflite::micro::GetTensorShape(crops), in Eval() 89 tflite::micro::GetTensorData<int32_t>(crops), in Eval() 99 tflite::micro::GetTensorShape(crops), in Eval() 100 tflite::micro::GetTensorData<int32_t>(crops), in Eval()
|
/external/tensorflow/tensorflow/lite/testing/op_tests/ |
D | batch_to_space_nd.py | 94 crops = parameters["crops"] 97 crops = tf.compat.v1.placeholder( 99 input_tensors.append(crops) 101 out = tf.batch_to_space_nd(input_tensor, block_shape, crops)
|
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v2/ |
D | CropAndResize.pbtxt | 20 name: "crops" 78 name: "crops" 137 name: "crops"
|
D | BatchToSpace.pbtxt | 8 name: "crops"
|
D | BatchToSpaceND.pbtxt | 12 name: "crops"
|
/external/tensorflow/tensorflow/core/ops/compat/ops_history_v1/ |
D | CropAndResize.pbtxt | 20 name: "crops" 78 name: "crops" 137 name: "crops"
|
D | BatchToSpace.pbtxt | 8 name: "crops"
|
D | BatchToSpaceND.pbtxt | 12 name: "crops"
|
/external/tensorflow/tensorflow/lite/delegates/hexagon/builders/ |
D | conv_2d_builder.cc | 43 std::vector<int>* crops) { in ComputeSpaceToBatchParams() argument 61 crops->resize(4, 0); in ComputeSpaceToBatchParams() 86 (*crops)[0] = 0; in ComputeSpaceToBatchParams() 87 (*crops)[1] = pad_end_extra_h; in ComputeSpaceToBatchParams() 88 (*crops)[2] = 0; in ComputeSpaceToBatchParams() 89 (*crops)[3] = pad_end_extra_w; in ComputeSpaceToBatchParams()
|
/external/tensorflow/tensorflow/compiler/mlir/lite/transforms/ |
D | dilated_conv.h | 237 auto bts_crops = bts_op.crops(); in matchAndRewrite() 245 auto crops = bts_crops_attr.getValues<IntegerAttr>(); in matchAndRewrite() local 246 for (auto it1 = paddings.begin(), it2 = crops.begin(); in matchAndRewrite() 247 it1 != paddings.end() && it2 != crops.end(); it1++, it2++) { in matchAndRewrite()
|
/external/tensorflow/tensorflow/core/kernels/image/ |
D | crop_and_resize_op_gpu.cu.cc | 356 typename TTypes<float, 4>::Tensor crops) { in operator ()() 361 const int num_boxes = crops.dimension(0); in operator ()() 362 const int crop_height = crops.dimension(1); in operator ()() 363 const int crop_width = crops.dimension(2); in operator ()() 364 const int depth = crops.dimension(3); in operator ()() 381 extrapolation_value, crops.data())); in operator ()()
|
D | crop_and_resize_op.cc | 215 typename TTypes<float, 4>::Tensor crops) { in operator ()() 220 const int num_boxes = crops.dimension(0); in operator ()() 221 const int crop_height = crops.dimension(1); in operator ()() 222 const int crop_width = crops.dimension(2); in operator ()() 223 const int depth = crops.dimension(3); in operator ()() 264 crops(b, y, x, d) = extrapolation_value; in operator ()() 280 crops(b, y, x, d) = extrapolation_value; in operator ()() 300 crops(b, y, x, d) = top + (bottom - top) * y_lerp; in operator ()() 310 crops(b, y, x, d) = extrapolation_value; in operator ()() 317 crops(b, y, x, d) = static_cast<float>( in operator ()()
|
/external/tensorflow/tensorflow/python/ops/ |
D | image_grad_test_base.py | 442 crops = image_ops.crop_and_resize( 448 self.assertEqual(crops_shape, list(crops.get_shape())) 449 crops = self.evaluate(crops) 450 self.assertEqual(crops_shape, list(crops.shape))
|
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/transforms/ |
D | canonicalize.td | 89 Pat<(TF_BatchToSpaceOp $input, $crops, $block_size), 92 $crops), 93 [(IsRank4Tensor $input), (IsRank2Tensor $crops)]>;
|