/external/tensorflow/tensorflow/core/kernels/ |
D | avgpooling_op_gpu.cu.cc | 47 const int kernel_w, const int stride_h, const int stride_w, const int pad_t, in DEFINE_GPU_KERNELS() 56 const int phstart = (h < kernel_h) ? 0 : (h - kernel_h) / stride_h + 1; in DEFINE_GPU_KERNELS() 57 const int phend = min(h / stride_h + 1, pooled_height); in DEFINE_GPU_KERNELS() 66 int hstart = ph * stride_h - pad_t; in DEFINE_GPU_KERNELS() 86 const int kernel_w, const int stride_h, in RunAvePoolBackwardNHWC() argument 95 channels, pooled_height, pooled_width, kernel_h, kernel_w, stride_h, in RunAvePoolBackwardNHWC() 105 const int stride_h, const int stride_w, const int pad_t, const int pad_l, 111 const int stride_h, const int stride_w, const int pad_t, const int pad_l, 117 const int stride_h, const int stride_w, const int pad_t, const int pad_l,
|
D | maxpooling_op_gpu.cu.cc | 71 const int kernel_w, const int stride_h, const int stride_w, const int pad_t, in MaxPoolForwardNCHW() argument 79 int hstart = ph * stride_h - pad_t; in MaxPoolForwardNCHW() 115 const int stride_h, const int stride_w, const int pad_t, const int pad_l, in MaxPoolForwardNoMaskKernel_NCHW_VECT_C() argument 124 int hstart = ph * stride_h - pad_t; in MaxPoolForwardNoMaskKernel_NCHW_VECT_C() 148 const int stride_h, const int stride_w, const int pad_t, const int pad_l, in MaxPoolForwardNHWC() argument 157 int hstart = (n % pooled_height) * stride_h - pad_t; in MaxPoolForwardNHWC() 234 const int width, const int kernel_h, const int kernel_w, const int stride_h, in MaxPoolGradBackwardNoMaskNCHW() argument 243 int hstart = ph * stride_h - pad_t; in MaxPoolGradBackwardNoMaskNCHW() 275 const int width, const int kernel_h, const int kernel_w, const int stride_h, in MaxPoolGradBackwardNoMaskNHWC() argument 285 int hstart = (n % pooled_height) * stride_h - pad_t; in MaxPoolGradBackwardNoMaskNHWC() [all …]
|
D | pooling_ops_3d_gpu.cu.cc | 36 const int stride_h, const int stride_w, const int pad_p, const int pad_t, in MaxPoolGradBackwardNoMaskNCDHW() argument 47 int hstart = ph * stride_h - pad_t; in MaxPoolGradBackwardNoMaskNCDHW() 87 const int stride_h, const int stride_w, const int pad_p, const int pad_t, in MaxPoolGradBackwardNoMaskNDHWC() argument 99 int hstart = (n % pooled_height) * stride_h - pad_t; in MaxPoolGradBackwardNoMaskNDHWC() 142 const int kernel_w, const int stride_p, const int stride_h, in operator ()() argument 153 height, width, kernel_p, kernel_h, kernel_w, stride_p, stride_h, in operator ()() 160 height, width, kernel_p, kernel_h, kernel_w, stride_p, stride_h, in operator ()()
|
D | xsmm_conv2d_test.cc | 47 int stride_h; member 131 int stride_h = param->stride_h; in naive_conv_fp() local 146 ij = oj * stride_h - pad_h; in naive_conv_fp() 201 int stride_h = stride; in TEST_F() local 212 int ofh = (ifh + 2 * pad_h - kh) / stride_h + 1; in TEST_F() 263 naive_param.stride_h = stride_h; in TEST_F()
|
D | maxpooling_op_gpu.h | 40 const int kernel_w, const int stride_h, const int stride_w, 50 const int kernel_w, const int stride_h, const int stride_w, 77 const int kernel_h, const int kernel_w, const int stride_h,
|
D | conv_grad_filter_ops_benchmark_test.cc | 42 int out_depth, int stride_h, int stride_w, in Conv2DBackpropFilter() argument 55 params.strides = {1, stride_h, stride_w, 1}; in Conv2DBackpropFilter() 87 .Attr("strides", {1, stride_h, stride_w, 1}) in Conv2DBackpropFilter()
|
D | conv_grad_input_ops_benchmark_test.cc | 41 int out_depth, int stride_h, int stride_w, in Conv2DBackpropInput() argument 54 params.strides = {1, stride_h, stride_w, 1}; in Conv2DBackpropInput() 86 .Attr("strides", {1, stride_h, stride_w, 1}) in Conv2DBackpropInput()
|
/external/tensorflow/tensorflow/compiler/mlir/lite/tests/ |
D | decompose-hybrid-quantization.mlir | 7 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride… 11 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride… 21 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride… 25 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride… 35 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride… 39 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride… 51 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride… 56 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride… 68 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride… 72 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride… [all …]
|
D | shape-inference.mlir | 6 …actor = 2 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride… 7 …actor = 2 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride… 17 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride… 18 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride… 28 …factor = 2 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride… 29 …factor = 2 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride… 39 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride… 40 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride… 50 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride… 51 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride… [all …]
|
D | get-arithmetic-count.mlir | 6 …tion_h_factor = 1 : i32, dilation_w_factor = 1 : i32, padding = "SAME", stride_h = 1 : i32, stride… 13 …tion_h_factor = 1 : i32, dilation_w_factor = 1 : i32, padding = "SAME", stride_h = 1 : i32, stride… 20 …tion_h_factor = 1 : i32, dilation_w_factor = 1 : i32, padding = "SAME", stride_h = 1 : i32, stride… 111 …width = 3 : i32, fused_activation_function = "RELU6", padding = "SAME", stride_h = 1 : i32, stride… 118 …width = 3 : i32, fused_activation_function = "RELU6", padding = "SAME", stride_h = 1 : i32, stride… 125 …%0 = "tfl.transpose_conv"(%arg0, %arg1, %arg2, %cst) {padding = "SAME", stride_h = 2 : i32, stride…
|
D | modify_io_nodes.mlir | 10 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride… 21 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride… 31 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride… 41 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride… 53 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride… 64 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride… 75 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride… 85 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride… 97 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride… 113 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride…
|
D | quantize-dynamic-range.mlir | 17 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride… 62 …actor = 1 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 4 : i32, stride… 147 …%tconv = "tfl.transpose_conv"(%arg1, %w, %arg0, %b) {padding = "SAME", stride_h = 2 : i32, stride_… 232 …sed_activation_function = "NONE", padding = "SAME", stride_d = 1 : i32, stride_h = 1 : i32, stride… 237 …sed_activation_function = "NONE", padding = "SAME", stride_d = 1 : i32, stride_h = 1 : i32, stride… 242 …sed_activation_function = "NONE", padding = "SAME", stride_d = 1 : i32, stride_h = 1 : i32, stride… 247 …sed_activation_function = "NONE", padding = "SAME", stride_d = 1 : i32, stride_h = 1 : i32, stride… 252 …sed_activation_function = "NONE", padding = "SAME", stride_d = 1 : i32, stride_h = 1 : i32, stride… 262 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride… 263 …actor = 1 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 4 : i32, stride…
|
D | prepare-quantize-dynamic-range.mlir | 15 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride… 39 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride… 46 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride… 58 …actor = 1 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 4 : i32, stride… 82 …actor = 1 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 4 : i32, stride… 89 …actor = 1 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 4 : i32, stride… 247 …%tconv = "tfl.transpose_conv"(%arg1, %w, %0, %b) {padding = "SAME", stride_h = 2 : i32, stride_w =… 300 …ed_activation_function = "NONE", padding = "VALID", stride_d = 1 : i32, stride_h = 1 : i32, stride… 316 …ed_activation_function = "NONE", padding = "VALID", stride_d = 1 : i32, stride_h = 1 : i32, stride… 328 …ed_activation_function = "NONE", padding = "VALID", stride_d = 1 : i32, stride_h = 1 : i32, stride… [all …]
|
/external/tensorflow/tensorflow/compiler/mlir/tfr/examples/mnist/ |
D | ops_defs.py | 53 def _composite_conv_add_relu(input_, filter_, bias, stride_w, stride_h, argument 58 strides=[1, stride_w, stride_h, 1], 172 def _composite_max_pool(input_, stride_w, stride_h, filter_width, filter_height, argument 175 strides = [1, stride_w, stride_h, 1] 185 stride_h = op.get_attr('stride_h') 192 strides=[1, stride_w, stride_h, 1],
|
/external/tensorflow/tensorflow/compiler/mlir/lite/experimental/tac/tests/ |
D | target-annotation.mlir | 5 …actor = 1 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride… 13 …actor = 1 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride… 21 …width = 3 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride… 29 …width = 3 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride… 53 …actor = 1 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride…
|
D | device-transform-nnapi.mlir | 10 …idth = 48 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride… 24 …idth = 48 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride… 39 …width = 7 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride… 54 …width = 7 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride…
|
D | get-op-cost.mlir | 64 …tion_h_factor = 1 : i32, dilation_w_factor = 1 : i32, padding = "SAME", stride_h = 1 : i32, stride… 71 …tion_h_factor = 1 : i32, dilation_w_factor = 1 : i32, padding = "SAME", stride_h = 1 : i32, stride… 79 …tion_h_factor = 1 : i32, dilation_w_factor = 1 : i32, padding = "SAME", stride_h = 1 : i32, stride… 85 …tion_h_factor = 1 : i32, dilation_w_factor = 1 : i32, padding = "SAME", stride_h = 1 : i32, stride…
|
/external/tensorflow/tensorflow/compiler/mlir/lite/tests/flatbuffer2mlir/ |
D | many_attribute_op.mlir | 6 …width = 6 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 3 : i32, stride… 7 …width = 6 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 3 : i32, stride…
|
/external/tensorflow/tensorflow/compiler/mlir/lite/transforms/ |
D | optimize_patterns.td | 60 $w_factor, TFL_AF_None, $padding, $stride_h, $stride_w)), 62 $padding, $stride_h, $stride_w), 66 $w_factor, TFL_AF_None, $padding, $stride_h, $stride_w, 69 ActFnAttr, $padding, $stride_h, $stride_w, $multiplier), 76 $filter_width, $padding, $stride_h, $stride_w, TFL_AF_None)), 78 $stride_h, $stride_w, ActFnAttr), 81 (ActFnOp (TFL_MaxPool2DOp:$pool_out $input, $padding, $stride_w, $stride_h, 83 (TFL_MaxPool2DOp $input, $padding, $stride_w, $stride_h, 110 TFL_AF_None, $padding, $stride_h, $stride_w), 115 $h_factor, $w_factor, $act_fn, $padding, $stride_h, $stride_w), [all …]
|
/external/armnn/src/armnnTfLiteParser/test/ |
D | TransposeConv.cpp | 86 "stride_h": )" + strideY + R"( in TransposeConvFixture() 222 "stride_h": )" + strideY + R"( in TransposeConvFixtureWithBias() 435 "stride_h": 1 in TransposeConvPerChannelFixture()
|
D | Conv2D.cpp | 69 "stride_h": 1, in SimpleConv2DFixture() 189 "stride_h": )" + strides + R"(, in Conv2DWithBiasesFixture() 538 "stride_h": 1, in PerChannelConv2DFixture()
|
/external/tensorflow/tensorflow/compiler/mlir/quantization/tensorflow/utils/ |
D | tf_to_xla_attribute_utils.cc | 94 const int stride_h = strides[1].cast<IntegerAttr>().getInt(); in PadForDynamicShapedInputSamePadding() local 106 stride_h, pad_h_low, pad_h_high); in PadForDynamicShapedInputSamePadding() 170 const int stride_h = strides[1].cast<IntegerAttr>().getInt(); in CalculatePaddingAndPadIfNeeded() local 175 stride_h, stride_w, dilation_h, dilation_w, in CalculatePaddingAndPadIfNeeded()
|
/external/ComputeLibrary/src/cpu/kernels/ |
D | CpuScaleKernel.cpp | 492 const int32_t stride_h = src->info()->strides_in_bytes()[idx_height]; in scale_bilinear_qasymm() local 514 (*(pixel_row_ptr + index_w * stride_w + index_h * stride_h)) : in scale_bilinear_qasymm() 517 (*(pixel_row_ptr + (index_w + 1) * stride_w + index_h * stride_h)) : in scale_bilinear_qasymm() 520 (*(pixel_row_ptr + index_w * stride_w + (index_h + 1) * stride_h)) : in scale_bilinear_qasymm() 523 … (*(pixel_row_ptr + (index_w + 1) * stride_w + (index_h + 1) * stride_h)) : in scale_bilinear_qasymm() 549 const auto a00 = *(pixel_row_ptr + clamped_w * stride_w + clamped_h * stride_h); in scale_bilinear_qasymm() 550 const auto a01 = *(pixel_row_ptr + clamped_w1 * stride_w + clamped_h * stride_h); in scale_bilinear_qasymm() 551 const auto a10 = *(pixel_row_ptr + clamped_w * stride_w + clamped_h1 * stride_h); in scale_bilinear_qasymm() 552 const auto a11 = *(pixel_row_ptr + clamped_w1 * stride_w + clamped_h1 * stride_h); in scale_bilinear_qasymm()
|
/external/tensorflow/tensorflow/compiler/mlir/lite/tests/mlir2flatbuffer/ |
D | nn.mlir | 39 // CHECK-NEXT: stride_h: 3, 63 …width = 6 : i32, fused_activation_function = "NONE", padding = "VALID", stride_h = 3 : i32, stride…
|
/external/tensorflow/tensorflow/compiler/mlir/tosa/tests/ |
D | tfl-to-tosa-pipeline-filtered.mlir | 7 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride… 10 …factor = 1 : i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride…
|