Home
last modified time | relevance | path

Searched refs:crops (Results 1 – 25 of 42) sorted by relevance

12

/external/tensorflow/tensorflow/lite/kernels/
Dbatch_to_space_nd.cc40 crops = GetInput(context, node, 2); in BatchToSpaceNDContext()
45 const TfLiteTensor* crops; member
60 const int* crops = GetTensorData<int32>(op_context->crops); in ResizeOutputTensor() local
66 TF_LITE_ENSURE_EQ(context, NumDimensions(op_context->crops), in ResizeOutputTensor()
69 TF_LITE_ENSURE(context, crops[0] >= 0); in ResizeOutputTensor()
70 TF_LITE_ENSURE(context, crops[1] >= 0); in ResizeOutputTensor()
71 TF_LITE_ENSURE(context, crops[2] >= 0); in ResizeOutputTensor()
72 TF_LITE_ENSURE(context, crops[3] >= 0); in ResizeOutputTensor()
81 const int crops_top = crops[0]; in ResizeOutputTensor()
82 const int crops_bottom = crops[1]; in ResizeOutputTensor()
[all …]
Dbatch_to_space_nd_test.cc65 std::initializer_list<int> crops, in BatchToSpaceNDOpConstModel() argument
69 crops_ = AddConstInput(TensorType_INT32, crops, {2, 2}); in BatchToSpaceNDOpConstModel()
/external/tensorflow/tensorflow/python/kernel_tests/
Dbatchtospace_op_test.py59 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 …]
Dspacetobatch_op_test.py630 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)
Datrous_conv2d_test.py137 y2 = array_ops.batch_to_space(y2, crops=pad, block_size=rate)
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/
Dbatchtospace_op.cc27 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/
Dapi_def_BatchToSpaceND.pbtxt17 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
Dapi_def_CropAndResize.pbtxt42 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
Dapi_def_BatchToSpace.pbtxt13 name: "crops"
19 crops = [[crop_top, crop_bottom], [crop_left, crop_right]]
Dapi_def_RandomCrop.pbtxt40 This Op picks a random location in `image` and crops a `height` by `width`
/external/tensorflow/tensorflow/lite/testing/nnapi_tflite_zip_tests/
Dnot_supported.txt29 …_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/core/kernels/
Dbatchtospace_op.cc69 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()
Dcrop_and_resize_op.cc208 typename TTypes<float, 4>::Tensor crops) { in operator ()()
213 const int num_boxes = crops.dimension(0); in operator ()()
214 const int crop_height = crops.dimension(1); in operator ()()
215 const int crop_width = crops.dimension(2); in operator ()()
216 const int depth = crops.dimension(3); in operator ()()
246 crops(b, y, x, d) = extrapolation_value; in operator ()()
262 crops(b, y, x, d) = extrapolation_value; in operator ()()
282 crops(b, y, x, d) = top + (bottom - top) * y_lerp; in operator ()()
292 crops(b, y, x, d) = extrapolation_value; in operator ()()
299 crops(b, y, x, d) = static_cast<float>( in operator ()()
Dcrop_and_resize_op_gpu.cu.cc354 typename TTypes<float, 4>::Tensor crops) { in operator ()()
359 const int num_boxes = crops.dimension(0); in operator ()()
360 const int crop_height = crops.dimension(1); in operator ()()
361 const int crop_width = crops.dimension(2); in operator ()()
362 const int depth = crops.dimension(3); in operator ()()
379 extrapolation_value, crops.data())); in operator ()()
Dcrop_and_resize_op.h35 typename TTypes<float, 4>::Tensor crops);
/external/tensorflow/tensorflow/python/ops/
Dimage_grad_test.py348 crops = image_ops.crop_and_resize(
357 self.assertEqual(crops_shape, list(crops.get_shape()))
358 crops = self.evaluate(crops)
359 self.assertEqual(crops_shape, list(crops.shape))
442 crops = image_ops.crop_and_resize(
451 crops,
Darray_ops.py2742 def batch_to_space(input, crops, block_size, name=None, block_shape=None): # pylint: disable=redef… argument
2747 crops=crops,
2758 def batch_to_space_v2(input, block_shape, crops, name=None): # pylint: disable=redefined-builtin argument
2898 crops=crops,
Dnn_ops.py607 paddings, crops = array_ops.required_space_to_batch_paddings(
615 crops = _with_space_to_batch_adjust(crops, 0, spatial_dims)
622 input=result, block_shape=dilation_rate, crops=crops)
2367 input=value, crops=batch_to_space_crop, block_size=rate)
/external/tensorflow/tensorflow/tools/api/golden/v1/
Dtensorflow.manip.pbtxt5 …argspec: "args=[\'input\', \'block_shape\', \'crops\', \'name\'], varargs=None, keywords=None, def…
/external/tensorflow/tensorflow/core/ops/
Darray_ops_test.cc1503 Tensor crops = test::AsTensor<int32>({1, 1, 0, 1}, {{2, 2}}); in TEST() local
1504 op.input_tensors[2] = &crops; in TEST()
1511 Tensor crops = test::AsTensor<int32>({1, 1, 0, 0}, {{2, 2}}); in TEST() local
1512 op.input_tensors[2] = &crops; in TEST()
1546 Tensor crops = test::AsTensor<int32>({3, 2, 0, 0}, {{2, 2}}); in TEST() local
1547 op.input_tensors[2] = &crops; in TEST()
/external/tensorflow/tensorflow/contrib/gan/python/eval/python/
Dsliced_wasserstein_impl.py74 res = array_ops.batch_to_space(res, crops=[[0, 0], [0, 0]], block_size=2)
/external/libyuv/files/docs/
Drotation.md17 This function crops, converts, and rotates. You should think of it in that order.
/external/ImageMagick/PerlMagick/
DREADME.txt136 The script reads three images, crops them, and writes a single image
/external/llvm/test/CodeGen/AArch64/
Dbitfield.ll134 ; i1 doesn't have an official alias, but crops up and is handled by
/external/swiftshader/third_party/llvm-7.0/llvm/test/CodeGen/AArch64/
Dbitfield.ll134 ; i1 doesn't have an official alias, but crops up and is handled by

12