/external/tensorflow/tensorflow/core/kernels/ |
D | resize_nearest_neighbor_op_gpu.cu.cc | 38 const int in_width, const int channels, const int out_height, in ResizeNearestNeighborNHWC() argument 47 int out_y = n % out_height; in ResizeNearestNeighborNHWC() 48 n /= out_height; in ResizeNearestNeighborNHWC() 69 const int in_width, const int channels, const int out_height, in LegacyResizeNearestNeighborNHWC() argument 78 int out_y = n % out_height; in LegacyResizeNearestNeighborNHWC() 79 n /= out_height; in LegacyResizeNearestNeighborNHWC() 98 const int in_width, const int channels, const int out_height, in ResizeNearestNeighborBackwardNHWC() argument 110 T* bottom_diff_n = bottom_diff + n * channels * out_height * out_width; in ResizeNearestNeighborBackwardNHWC() 114 out_height - 1), in ResizeNearestNeighborBackwardNHWC() 129 const int in_width, const int channels, const int out_height, in LegacyResizeNearestNeighborBackwardNHWC() argument [all …]
|
D | pooling_ops_common.h | 64 int64 out_height; member 181 params.out_width * params.out_height * params.tensor_in_batch); in SpatialMaxPool() 206 const int32 out_height = params.out_height; in SpatialMaxPool() local 211 const int32 output_image_size = out_height * out_width * params.depth; in SpatialMaxPool() 218 const int32 out_offset_batch = b * out_height; in SpatialMaxPool() 228 const int32 h_end = std::min(hpad / row_stride + 1, out_height); in SpatialMaxPool() 275 params.depth, params.out_height, params.out_width, params.window_rows, 428 params.out_width * params.out_height * params.tensor_in_batch); 453 const int32 out_height = params.out_height; 458 const int32 output_image_size = out_height * out_width * params.depth; [all …]
|
D | resize_bilinear_op_gpu.cu.cc | 39 int channels, int out_height, in ResizeBilinearKernel() argument 48 const int y = idx % out_height; in ResizeBilinearKernel() 49 const int b = idx / out_height; in ResizeBilinearKernel() 154 int channels, int out_height, in LegacyResizeBilinearKernel() argument 163 const int y = idx % out_height; in LegacyResizeBilinearKernel() 164 const int b = idx / out_height; in LegacyResizeBilinearKernel() 276 const int out_height = output.dimension(1); in operator ()() local 279 const int total_count = batch * out_height * out_width * channels; in operator ()() 288 out_height, out_width, output.data())); in operator ()() 294 channels, out_height, out_width, output.data())); in operator ()()
|
D | eigen_spatial_convolutions_test.cc | 679 const int out_height = in_rows; in TEST() local 685 Tensor<float, 4> result(kern_filters, out_depth, out_height, out_width); in TEST() 694 EXPECT_EQ(result.dimension(2), out_height); in TEST() 703 for (int j = 0; j < out_height; ++j) { in TEST() 740 const int out_height = in_rows; in TEST() local 746 Tensor<float, 4, RowMajor> result(out_width, out_height, out_depth, in TEST() 756 EXPECT_EQ(result.dimension(1), out_height); in TEST() 765 for (int j = 0; j < out_height; ++j) { in TEST() 802 const int out_height = 3; in TEST() local 808 Tensor<float, 4> result(kern_filters, out_depth, out_height, out_width); in TEST() [all …]
|
D | image_resizer_state.h | 96 out_height = internal::SubtleMustCopy(Svec(0)); in ValidateAndCalculateOutputSize() 108 OP_REQUIRES(context, out_height > 0 && out_width > 0, in ValidateAndCalculateOutputSize() 116 height_scale = CalculateResizeScale(in_height, out_height, align_corners_); in ValidateAndCalculateOutputSize() 121 ceilf((out_height - 1) * height_scale) <= in ValidateAndCalculateOutputSize() 138 TensorShape({input.dim_size(0), out_height, in ValidateAndCreateOutput() 144 int64 out_height; member
|
D | quantized_resize_bilinear_op_test.cc | 111 const int64 in_width, const int64 out_height, in CalcReferenceResizedVal() argument 119 half_pixel_centers, out_height, in_height, 1, y, height_scale); in CalcReferenceResizedVal() 146 const int64 out_height, const int64 out_width, in CheckTensorValue() argument 153 CalculateResizeScale(in_height, out_height, align_corners); in CheckTensorValue() 158 for (int64 y = 0; y < out_height; ++y) { in CheckTensorValue() 163 out_height, out_width, channels, height_scale, width_scale, min, in CheckTensorValue() 166 out_data[(b * out_height + y) * out_row_size + x * channels + c]; in CheckTensorValue() 297 int out_height, int out_width, int channels, in RunTestResizeBilinearTwoDims() argument 309 {out_height, out_width}, false, 1, min, max, in RunTestResizeBilinearTwoDims() 313 batch_size, in_height, in_width, out_height, out_width, channels, in RunTestResizeBilinearTwoDims() [all …]
|
D | resize_bilinear_op.cc | 113 const int64 in_height, const int64 in_width, const int64 out_height, 121 const int64 in_width, const int64 out_height, in resize_image() argument 136 for (int64 y = 0; y < out_height; ++y) { in resize_image() 181 for (int64 y = 0; y < out_height; ++y) { in resize_image() 221 const int64 out_height = output.dimension(1); in operator ()() local 225 if (out_height == in_height && out_width == in_width) { in operator ()() 230 std::vector<CachedInterpolation> ys(out_height + 1); in operator ()() 234 compute_interpolation_weights(HalfPixelScaler(), out_height, in_height, in operator ()() 241 compute_interpolation_weights(LegacyScaler(), out_height, in_height, in operator ()() 252 resize_image<T>(images, batch_size, in_height, in_width, out_height, in operator ()()
|
D | maxpooling_op.cc | 82 params.out_width * params.out_height * params.tensor_in_batch); in SpatialMaxPoolWithArgMaxHelper() 85 params.out_width * params.out_height * params.tensor_in_batch); in SpatialMaxPoolWithArgMaxHelper() 112 const int32 out_height = params.out_height; in SpatialMaxPoolWithArgMaxHelper() local 117 const int32 output_image_size = out_height * out_width * depth; in SpatialMaxPoolWithArgMaxHelper() 136 const int h_end = std::min(hpad / row_stride + 1, out_height); in SpatialMaxPoolWithArgMaxHelper() 143 const int64 out_index_base = (b * out_height + ph) * out_width; in SpatialMaxPoolWithArgMaxHelper() 182 const int out_size = out_height * out_width * depth; in SpatialMaxPoolWithArgMaxHelper() 340 params.out_height, params.out_width, params.window_rows, in MaxPoolingBackwardCustomKernel() 553 params.out_width * params.out_height * params.tensor_in_batch); in SpatialMaxPoolGradGrad() 559 params.out_width * params.out_height * params.tensor_in_batch); in SpatialMaxPoolGradGrad() [all …]
|
D | resize_nearest_neighbor_op.cc | 142 const Eigen::Index out_height = output.dimension(1); in operator ()() local 146 for (Eigen::Index y = 0; y < out_height; ++y) { in operator ()() 208 const int64 out_height = sizes(0); in Compute() local 215 0, TensorShape({batch_size, out_height, out_width, channels}), in Compute() 225 CalculateResizeScale(out_height, in_height, align_corners_); in Compute() 286 const Eigen::Index out_height = output.dimension(1); in operator ()() local 296 out_height - 1); in operator ()()
|
D | quantized_resize_bilinear_op.cc | 469 const int64 in_width, const int64 out_height, in ResizeImageReference() argument 480 out_height, in_height, height_scale, 1, 0, half_pixel_centers); in ResizeImageReference() 490 for (int64 y = 0; y < out_height; ++y) { in ResizeImageReference() 518 const int64 in_width, const int64 out_height, in ResizeImage() argument 524 ResizeImageReference<T>(images, batch_size, in_height, in_width, out_height, in ResizeImage() 532 const int64 in_width, const int64 out_height, in ResizeImage() argument 548 out_height, in_height, height_scale, 1, RESOLUTION, half_pixel_centers); in ResizeImage() 559 for (int64 y = 0; y < out_height; ++y) { in ResizeImage() 595 const int64 in_width, const int64 out_height, in ResizeImage() argument 611 out_height, in_height, height_scale, 1, RESOLUTION, half_pixel_centers); in ResizeImage() [all …]
|
D | depthwise_conv_op_gpu.h | 90 const int out_height = args.out_rows; in DepthwiseConv2dGPUKernelNHWC() local 98 const int out_row = (thread_id / out_depth / out_width) % out_height; in DepthwiseConv2dGPUKernelNHWC() 99 const int batch = thread_id / out_depth / out_width / out_height; in DepthwiseConv2dGPUKernelNHWC() 330 const int out_height = args.out_rows; in DepthwiseConv2dGPUKernelNCHW() local 343 const int out_row = (thread_id / out_width) % out_height; in DepthwiseConv2dGPUKernelNCHW() 344 const int out_channel = (thread_id / out_width / out_height) % out_depth; in DepthwiseConv2dGPUKernelNCHW() 345 const int batch = thread_id / out_width / out_height / out_depth; in DepthwiseConv2dGPUKernelNCHW() 832 const int out_height = args.out_rows; 848 tf_min(out_height - 1, (in_row + pad_height) / stride); 858 out_depth * out_width * (out_row + out_height * batch); [all …]
|
D | resize_area_op_test.cc | 70 const int64 out_height = output_data.dimension(1); in ResizeAreaBaseline() local 73 const float height_scale = in_height / static_cast<float>(out_height); in ResizeAreaBaseline() 101 for (int64 y = 0; y < out_height; ++y) { in ResizeAreaBaseline()
|
/external/tensorflow/tensorflow/contrib/lite/kernels/internal/optimized/ |
D | eigen_spatial_convolutions.h | 145 TensorIndex out_height; variable 149 out_height = numext::ceil((InputRows - kernelRowsEff + 1.f) / 155 out_height = numext::ceil(InputRows / static_cast<float>(row_stride)); 160 out_height = 0; 172 pre_contract_dims[1] = out_height * out_width; 178 pre_contract_dims[0] = out_height * out_width; 193 post_contract_dims[1] = out_height; 200 post_contract_dims[NumDims - 2] = out_height;
|
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/ |
D | eigen_spatial_convolutions.h | 142 TensorIndex out_height; variable 146 out_height = numext::ceil((InputRows - kernelRowsEff + 1.f) / 152 out_height = numext::ceil(InputRows / static_cast<float>(row_stride)); 157 out_height = 0; 169 pre_contract_dims[1] = out_height * out_width; 175 pre_contract_dims[0] = out_height * out_width; 190 post_contract_dims[1] = out_height; 197 post_contract_dims[NumDims - 2] = out_height;
|
/external/tensorflow/tensorflow/contrib/hvx/hexagon_controller/src_impl/ |
D | graph_functions_wrapper.c | 215 const uint32_t int_data_size, uint32_t* out_batches, uint32_t* out_height, in hexagon_controller_ExecuteGraph() argument 244 *out_height = output.height; in hexagon_controller_ExecuteGraph() 251 TFMLOGD("%d x %d x %d x %d, byte size = %d\n", *out_batches, *out_height, in hexagon_controller_ExecuteGraph() 259 uint32_t out_batches, out_height, out_width, out_depth; in hexagon_controller_ExecuteInceptionDummyData() local 268 &out_batches, &out_height, &out_width, &out_depth, in hexagon_controller_ExecuteInceptionDummyData() 273 s_output_values, out_batches * out_height * out_width * out_depth, in hexagon_controller_ExecuteInceptionDummyData() 275 TFMLOGD("%d x %d x %d x %d, size = %d\n", out_batches, out_height, in hexagon_controller_ExecuteInceptionDummyData() 279 out_batches * out_height * out_width * out_depth)); in hexagon_controller_ExecuteInceptionDummyData()
|
/external/tensorflow/tensorflow/contrib/image/kernels/ |
D | image_ops.cc | 85 int32 out_height, out_width; in Compute() local 96 out_height = shape_vec(0); in Compute() 99 ctx, out_height > 0 && out_width > 0, in Compute() 103 out_height = images_t.shape().dim_size(1); in Compute() 110 TensorShape({images_t.dim_size(0), out_height, in Compute()
|
/external/libxcam/cl_kernel/ |
D | kernel_image_warp.cl | 34 int out_height = get_image_height (output); 69 warp_y = (s_y * w) / (float)out_height; 99 int out_height = get_image_height (output); 116 float warp_y = (s_y * w) / (float)out_height;
|
D | kernel_bayer_pipe.cl | 132 __write_only image2d_t out, uint out_height, int out_x, int out_y) 162 write_imagef (out, (int2)(out_x, out_y + out_height * 2), out_data); 166 write_imagef (out, (int2)(out_x, out_y + 1 + out_height * 2), out_data); 184 write_imagef (out, (int2)(out_x, out_y + out_height), out_data); 190 write_imagef (out, (int2)(out_x, out_y + 1 + out_height), out_data); 197 …__write_only image2d_t out, uint out_height, int out_x, int out_y, __local float *table, CLEeConfi… 292 write_imagef (out, (int2)(out_x, out_y + out_height), out_data_g[0]); 293 write_imagef (out, (int2)(out_x, out_y + 1 + out_height), out_data_g[1]); 311 write_imagef (out, (int2)(out_x, out_y + out_height * 2), out_data_b[0]); 312 write_imagef (out, (int2)(out_x, out_y + 1 + out_height * 2), out_data_b[1]);
|
/external/deqp/external/openglcts/modules/glesext/geometry_shader/ |
D | esextcGeometryShaderRendering.hpp | 144 …tRenderTargetSize(unsigned int n_instances, unsigned int* out_width, unsigned int* out_height) = 0; 264 …d getRenderTargetSize(unsigned int n_instances, unsigned int* out_width, unsigned int* out_height); 359 …d getRenderTargetSize(unsigned int n_instances, unsigned int* out_width, unsigned int* out_height); 515 …d getRenderTargetSize(unsigned int n_instances, unsigned int* out_width, unsigned int* out_height);
|
/external/tensorflow/tensorflow/lite/kernels/ |
D | padding.h | 46 int out_height = in ComputePaddingHeightWidth() local 51 ComputePadding(stride_height, 1, in_height, filter_height, out_height); in ComputePaddingHeightWidth()
|
/external/tensorflow/tensorflow/lite/experimental/micro/kernels/ |
D | depthwise_conv.cc | 53 int out_width, int out_height, in CalculateOpData() argument 56 filter_height, out_height); in CalculateOpData() 173 int out_height = ComputeOutSize(params->padding, height, filter_height, in Eval() local 179 out_height, data_type, data)); in Eval()
|
/external/tensorflow/tensorflow/examples/ios/benchmark/ |
D | ios_image_load.mm | 28 int* out_width, int* out_height, 60 *out_height = 0; 84 *out_height = height;
|
/external/tensorflow/tensorflow/lite/examples/ios/simple/ |
D | ios_image_load.mm | 25 std::vector<uint8_t> LoadImageFromFile(const char* file_name, int* out_width, int* out_height, 54 *out_height = 0; 79 *out_height = height;
|
/external/tensorflow/tensorflow/examples/ios/simple/ |
D | ios_image_load.mm | 28 int* out_width, int* out_height, 60 *out_height = 0; 84 *out_height = height;
|
/external/tensorflow/tensorflow/examples/ios/camera/ |
D | ios_image_load.mm | 28 int* out_width, int* out_height, 60 *out_height = 0; 84 *out_height = height;
|