/external/tensorflow/tensorflow/lite/kernels/internal/ |
D | resize_bilinear_test.cc | 29 int input_height, int output_width, in TestOneResizeBilinear() argument 31 RuntimeShape input_dims_inference({batch, input_height, input_width, depth}); in TestOneResizeBilinear() 85 const int input_height = ExponentialRandomPositiveInt(0.9f, 20, 200); in TEST() local 89 TestOneResizeBilinear<uint8>(batch, depth, input_width, input_height, in TEST() 101 const int input_height = ExponentialRandomPositiveInt(0.9f, 20, 200); in TEST() local 103 const int output_height = input_height * 2; in TEST() 105 TestOneResizeBilinear<uint8>(batch, depth, input_width, input_height, in TEST() 117 const int input_height = ExponentialRandomPositiveInt(0.9f, 20, 200); in TEST() local 121 TestOneResizeBilinear<float>(batch, depth, input_width, input_height, in TEST() 133 const int input_height = ExponentialRandomPositiveInt(0.9f, 20, 200); in TEST() local [all …]
|
D | resize_nearest_neighbor_test.cc | 153 int input_height, int output_width, in TestOptimizedResizeNearestNeighbor() argument 158 RuntimeShape input_shape({batch, input_height, input_width, depth}); in TestOptimizedResizeNearestNeighbor() 184 bool is_valid_scale(int input_width, int input_height, int output_width, in is_valid_scale() argument 187 static_cast<float>(input_height) / output_height; in is_valid_scale() 191 int32 height_scale_int = (input_height << 16) / output_height + 1; in is_valid_scale() 197 input_height - 1); in is_valid_scale() 198 int32 in_y_int = std::min((y * height_scale_int) >> 16, input_height - 1); in is_valid_scale() 222 const int input_height = ExponentialRandomPositiveInt(0.9f, 20, 200); in TEST() local 226 if (is_valid_scale(input_width, input_height, output_width, in TEST() 229 batch, depth, input_width, input_height, output_width, output_height); in TEST()
|
D | test_util.cc | 29 const int input_height = input_shape.Dims(1); in ComputeConvSizes() local 43 output_height = (input_height + stride - dilated_filter_height) / stride; in ComputeConvSizes() 46 output_height = (input_height + stride - 1) / stride; in ComputeConvSizes() 57 0, ((output_height - 1) * stride + dilated_filter_height - input_height) / in ComputeConvSizes()
|
D | depthwiseconv_quantized_test.cc | 490 int input_depth, int input_width, int input_height, in TryTestDepthwiseConv() argument 521 {batch, input_height, input_width, input_depth}); in TryTestDepthwiseConv() 564 const int input_height = ExponentialRandomPositiveInt(0.9f, 20, 200); in TryTestOneDepthwiseConv() local 576 input_height, filter_width, filter_height, depth_multiplier, stride, in TryTestOneDepthwiseConv() 586 int input_height = ExponentialRandomPositiveInt(0.9f, 20, 200); in TryTestOneDepthwiseConv3x3Filter() local 605 input_height = 2 * (input_height / 2) + 1; in TryTestOneDepthwiseConv3x3Filter() 611 (input_width > 1) != (input_height > 1)) { in TryTestOneDepthwiseConv3x3Filter() 618 input_height, filter_width, filter_height, depth_multiplier, stride, in TryTestOneDepthwiseConv3x3Filter() 635 const int input_height = in TryTestOneNeonDot3x3() local 654 input_height, filter_width, filter_height, depth_multiplier, stride, in TryTestOneNeonDot3x3()
|
D | softmax_quantized_test.cc | 156 const int input_height = ExponentialRandomPositiveInt(0.8f, 20, 200); in TryOneUniformSoftmax() local 163 RuntimeShape({batch, input_height, input_width, input_depth}); in TryOneUniformSoftmax() 189 const int input_height = ExponentialRandomPositiveInt(0.7f, 20, 200); in TryOneSkyscraperSoftmax() local 201 RuntimeShape({batch, input_height, input_width, input_depth}); in TryOneSkyscraperSoftmax()
|
/external/tensorflow/tensorflow/examples/label_image/ |
D | label_image.py | 39 input_height=299, argument 59 resized = tf.image.resize_bilinear(dims_expander, [input_height, input_width]) 80 input_height = 299 variable 105 if args.input_height: 106 input_height = args.input_height variable 121 input_height=input_height,
|
/external/tensorflow/tensorflow/core/kernels/ |
D | conv_ops_using_gemm.cc | 89 int input_batches, int input_height, int input_width, in operator ()() argument 115 input_height + 1) / in operator ()() 121 ((output_height - 1) * stride_rows + filter_height - input_height) / in operator ()() 165 (in_y < input_height)) { in operator ()() 167 input_data[(batch * input_height * input_width * in operator ()() 212 int input_batches, int input_height, int input_width, in operator ()() argument 217 if ((input_batches <= 0) || (input_width <= 0) || (input_height <= 0) || in operator ()() 220 << input_batches << ", " << input_height << ", " in operator ()() 241 const int m = input_batches * input_height * input_width; in operator ()() 251 } else if (filter_height == input_height && filter_width == input_width && in operator ()() [all …]
|
D | quantized_activation_ops_test.cc | 48 const int input_height = 4; in TEST_F() local 49 Tensor input_float(DT_FLOAT, {input_height, input_width}); in TEST_F() 53 Tensor expected_float(DT_FLOAT, {input_height, input_width}); in TEST_F() 79 const int input_height = 4; in TEST_F() local 80 Tensor input_float(DT_FLOAT, {input_height, input_width}); in TEST_F() 84 Tensor expected_float(DT_FLOAT, {input_height, input_width}); in TEST_F()
|
D | quantized_pooling_ops_test.cc | 53 const int input_height = 4; in TEST_F() local 56 Tensor input_float(DT_FLOAT, {1, input_height, input_width, input_channels}); in TEST_F() 65 const int expected_height = input_height / stride; in TEST_F() 98 const int input_height = 4; in TEST_F() local 101 Tensor input_float(DT_FLOAT, {1, input_height, input_width, input_channels}); in TEST_F() 110 const int expected_height = input_height / stride; in TEST_F()
|
D | quantized_bias_add_op_test.cc | 53 const int input_height = 2; in TEST_F() local 55 Tensor input_float(DT_FLOAT, {input_height, input_width}); in TEST_F() 69 Tensor expected_float(DT_FLOAT, {input_height, input_width}); in TEST_F() 103 const int input_height = 1; in TEST_F() local 105 Tensor input_float(DT_FLOAT, {input_height, input_width}); in TEST_F() 141 Tensor expected_float(DT_FLOAT, {input_height, input_width}); in TEST_F()
|
D | mkl_requantize_ops_test.cc | 117 const int input_height = 4; in TEST_F() local 123 {1, input_height, input_width, input_channels}); in TEST_F() 178 const int input_height = 4; in TEST_F() local 184 {1, input_height, input_width, input_channels}); in TEST_F() 236 const int input_height = 4; in TEST_F() local 242 {1, input_height, input_width, input_channels}); in TEST_F()
|
D | eigen_benchmark_cpu_test.cc | 32 int input_batches, int input_height, int input_width, in SpatialConvolution() argument 44 typename Benchmark::Dimensions input_dims(input_batches, input_height, in SpatialConvolution() 60 int input_batches, int input_height, in SpatialConvolutionBackwardInput() argument 73 typename Benchmark::Dimensions input_dims(input_batches, input_height, in SpatialConvolutionBackwardInput() 88 int input_batches, int input_height, in SpatialConvolutionBackwardKernel() argument 101 typename Benchmark::Dimensions input_dims(input_batches, input_height, in SpatialConvolutionBackwardKernel() 110 num_computed_elements * (input_batches * input_height * input_width); in SpatialConvolutionBackwardKernel() 253 int input_batches, int input_height, int input_width, in CuboidConvolution() argument 267 input_batches, input_height, input_width, input_planes, input_depth); in CuboidConvolution() 282 int input_batches, int input_height, in CuboidConvolutionBackwardInput() argument [all …]
|
D | mkl_quantized_pooling_ops_test.cc | 83 const int input_height = 4; in TEST_F() local 86 Tensor input_float(DT_FLOAT, {1, input_height, input_width, input_channels}); in TEST_F() 95 const int expected_height = input_height / stride; in TEST_F() 152 const int input_height = 4; in TEST_F() local 155 Tensor input_float(DT_FLOAT, {1, input_height, input_width, input_channels}); in TEST_F() 163 const int expected_height = input_height / stride; in TEST_F()
|
D | depthtospace_op_gpu.cu.cc | 37 const int input_height, const int input_width, in D2S_NHWC() argument 57 in_d + input_depth * (in_w + input_width * (in_h + input_height * b)); in D2S_NHWC() 152 const int input_height = input.dimension(1); in operator ()() local 168 input_height, input_width, input_depth, output_height, output_width, in operator ()() 183 const int input_height = input.dimension(2); in operator ()() local 186 const int input_area = input_width * input_height; in operator ()() 233 output_depth * input_height, output.data())); in operator ()()
|
D | eigen_attention.h | 94 const Index input_height = in.dimension(2); in eval() local 97 eigen_assert(input_height > 0); in eval() 107 y *= input_height; in eval() 114 y += input_height / 2.0f; in eval() 146 } else if (offset_y + height_ >= input_height) { in eval() 147 glimpse_height = (std::max<Index>)(0, input_height - offset_y); in eval() 152 slice_extent[2] = std::min<Index>(input_height, slice_extent[2]); in eval() 184 DSizes<Index, 2> input_size(input_width, input_height); in eval()
|
D | quantized_conv_ops.cc | 55 int input_batches, int input_height, int input_width, in operator ()() argument 93 ((output_height - 1) * stride + filter_height - input_height + 1) / 2; in operator ()() 98 ((output_height - 1) * stride + filter_height - input_height) / 2; in operator ()() 142 (in_y < input_height)) { in operator ()() 144 input_data[(batch * input_height * input_width * in operator ()() 201 int input_batches, int input_height, int input_width, in operator ()() argument 222 conv_functor(context, input_data, input_batches, input_height, in operator ()() 238 ((output_height - 1) * stride + filter_height - input_height + 1) / 2; in operator ()() 243 ((output_height - 1) * stride + filter_height - input_height) / 2; in operator ()() 306 input_data + (batch * input_height * input_width * input_depth); in operator ()() [all …]
|
D | spacetodepth_op_gpu.cu.cc | 35 const int input_height, const int input_width, in S2D_NHWC() argument 45 const int h = inp_idx3 % input_height; in S2D_NHWC() 46 const int b = inp_idx3 / input_height; in S2D_NHWC() 148 const int input_height = input.dimension(1); in operator ()() local 156 batch_size * input_height * input_width * input_depth; in operator ()() 164 input_height, input_width, input_depth, output_height, output_width, in operator ()()
|
D | quantized_batch_norm_op_test.cc | 64 const int input_height = 1; in TEST_F() local 68 {input_batch, input_height, input_width, input_depth}); in TEST_F() 122 TensorShape({input_batch, input_height, input_width, input_depth})); in TEST_F() 161 const int input_height = 1; in TEST_F() local 165 {input_batch, input_height, input_width, input_depth}); in TEST_F() 219 TensorShape({input_batch, input_height, input_width, input_depth})); in TEST_F()
|
/external/mesa3d/src/gallium/state_trackers/xvmc/tests/ |
D | xvmc_bench.c | 56 unsigned int input_height; member 72 config->input_height = DEFAULT_INPUT_HEIGHT; in ParseArgs() 88 if (sscanf(argv[++i], "%u", &config->input_height) != 1) in ParseArgs() 172 config->output_height = config->input_height; in ParseArgs() 202 mbh = align(config.input_height, MACROBLOCK_HEIGHT) / MACROBLOCK_HEIGHT; in main() 210 config.input_height, in main() 238 …ontext(display, port_num, surface_type_id, config.input_width, config.input_height, XVMC_DIRECT, &… in main() 278 …assert(XvMCPutSurface(display, &surface, window, 0, 0, config.input_width, config.input_height, 0,… in main() 287 …printf("Input: %u,%u\nOutput: %u,%u\n", config.input_width, config.input_height, config.output_wid… in main()
|
/external/libxcam/tests/ |
D | test-image-blend.cpp | 42 static uint32_t input_height = 960; variable 211 input_height = atoi(optarg); in main() 251 printf ("input/output height:%d\n", input_height); in main() 258 output_height = input_height; in main() 259 input_buf_info0.init (input_format, input_width0, input_height); in main() 260 input_buf_info1.init (input_format, input_width1, input_height); in main() 289 …input_format, input_width0, input_height, XCAM_ALIGN_UP (input_width0, 16), XCAM_ALIGN_UP(input_he… in main() 291 …input_format, input_width1, input_height, XCAM_ALIGN_UP (input_width1, 16), XCAM_ALIGN_UP(input_he… in main() 312 display, dma_fd0, input_width0, input_height, in_size, in main() 315 display, dma_fd1, input_width0, input_height, in_size, in main()
|
D | test-video-stabilization.cpp | 76 uint32_t input_height = 1080; in main() local 119 input_height = atoi(optarg); in main() 120 output_height = input_height; in main() 154 printf ("input height:%d\n", input_height); in main() 202 input_buf_info.init (input_format, input_width, input_height); in main()
|
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/ |
D | multithreaded_conv.h | 88 T* im2col_buffer, int input_batches, int input_height, in operator() 108 } else if (filter_height == input_height && filter_width == input_width && in operator() 124 ConstEigenTensor input(input_data, input_batches, input_height, in operator() 156 const int input_height = input_shape.Dims(1); in Conv() local 163 conv_functor(device, input_data, im2col_data, batches, input_height, in Conv()
|
/external/tensorflow/tensorflow/lite/kernels/internal/reference/integer_ops/ |
D | mean.h | 40 const int input_height = input_shape.Dims(1); in Mean() local 42 const int num_elements_in_axis = input_width * input_height; in Mean() 56 for (int in_h = 0; in_h < input_height; ++in_h) { in Mean()
|
D | pooling.h | 33 const int input_height = input_shape.Dims(1); in AveragePool() local 54 std::min(params.filter_height, input_height - in_y_origin); in AveragePool() 94 const int input_height = input_shape.Dims(1); in MaxPool() local 115 std::min(params.filter_height, input_height - in_y_origin); in MaxPool()
|
/external/tensorflow/tensorflow/tools/benchmark/ |
D | benchmark_model_test.cc | 34 const int input_height = 10; in CreateTestGraph() local 35 input->shape = TensorShape({input_width, input_height}); in CreateTestGraph() 37 const TensorShape constant_shape({input_height, input_width}); in CreateTestGraph()
|