Home
last modified time | relevance | path

Searched refs:stride_w (Results 1 – 25 of 228) sorted by relevance

12345678910

/external/tensorflow/tensorflow/core/kernels/
Davgpooling_op_gpu.cu.cc47 const int kernel_w, const int stride_h, const int stride_w, const int pad_t, in DEFINE_GPU_KERNELS()
58 const int pwstart = (w < kernel_w) ? 0 : (w - kernel_w) / stride_w + 1; in DEFINE_GPU_KERNELS()
59 const int pwend = min(w / stride_w + 1, pooled_width); in DEFINE_GPU_KERNELS()
67 int wstart = pw * stride_w - pad_l; in DEFINE_GPU_KERNELS()
87 const int stride_w, const int pad_t, in RunAvePoolBackwardNHWC() argument
96 stride_w, pad_t, pad_t, bottom_diff)); 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,
Dmaxpooling_op_gpu.cu.cc71 const int kernel_w, const int stride_h, const int stride_w, const int pad_t, in MaxPoolForwardNCHW() argument
80 int wstart = pw * stride_w - pad_l; 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
125 int wstart = pw * stride_w - pad_l; 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
155 int wstart = (n % pooled_width) * stride_w - pad_l; in MaxPoolForwardNHWC()
235 const int stride_w, const int pad_t, const int pad_l, in MaxPoolGradBackwardNoMaskNCHW() argument
244 int wstart = pw * stride_w - pad_l; in MaxPoolGradBackwardNoMaskNCHW()
276 const int stride_w, const int pad_t, const int pad_l, in MaxPoolGradBackwardNoMaskNHWC() argument
283 int wstart = (n % pooled_width) * stride_w - pad_l; in MaxPoolGradBackwardNoMaskNHWC()
[all …]
Dpooling_ops_3d_gpu.cu.cc36 const int stride_h, const int stride_w, const int pad_p, const int pad_t, in MaxPoolGradBackwardNoMaskNCDHW() argument
48 int wstart = pw * stride_w - pad_l; in MaxPoolGradBackwardNoMaskNCDHW()
87 const int stride_h, const int stride_w, const int pad_p, const int pad_t, in MaxPoolGradBackwardNoMaskNDHWC() argument
95 int wstart = (n % pooled_width) * stride_w - pad_l; in MaxPoolGradBackwardNoMaskNDHWC()
143 const int stride_w, const int pad_p, const int pad_t, const int pad_l, in operator ()() argument
154 stride_w, pad_p, pad_t, pad_l, top_diff, bottom_diff)); in operator ()()
161 stride_w, pad_p, pad_t, pad_l, top_diff, bottom_diff)); in operator ()()
Dxsmm_conv2d_test.cc48 int stride_w; member
132 int stride_w = param->stride_w; in naive_conv_fp() local
148 ii = oi * stride_w - pad_w; in naive_conv_fp()
200 int stride_w = stride; in TEST_F() local
213 int ofw = (ifw + 2 * pad_w - kw) / stride_w + 1; in TEST_F()
264 naive_param.stride_w = stride_w; in TEST_F()
Dmaxpooling_op_gpu.h40 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,
78 const int stride_w, const int pad_t, const int pad_l,
Dconv_grad_filter_ops_benchmark_test.cc42 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()
Dconv_grad_input_ops_benchmark_test.cc41 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/
Ddecompose-hybrid-quantization.mlir7 … i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32}
11 …sed_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
21 … i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32}
25 …sed_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
35 … i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32}
39 …sed_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
51 … i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32}
56 …sed_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
68 … i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32}
72 …sed_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
[all …]
Dshape-inference.mlir6 …ed_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
7 …ed_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
17 …sed_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
18 …sed_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
28 …sed_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
29 …sed_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
39 …sed_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
40 …sed_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
50 …sed_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
51 …sed_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
[all …]
Dget-arithmetic-count.mlir6 …i32, dilation_w_factor = 1 : i32, padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32, fused_…
13 …i32, dilation_w_factor = 1 : i32, padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32, fused_…
20 …i32, dilation_w_factor = 1 : i32, padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32, fused_…
111 …ed_activation_function = "RELU6", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
118 …ed_activation_function = "RELU6", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
125 …conv"(%arg0, %arg1, %arg2, %cst) {padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
Dmodify_io_nodes.mlir10 …sed_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
21 …sed_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
31 …sed_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
41 …sed_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
53 …sed_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
64 …sed_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
75 …sed_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
85 …sed_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
97 …sed_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
113 …sed_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
Dquantize-dynamic-range.mlir17 …sed_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
62 …ed_activation_function = "NONE", padding = "VALID", stride_h = 4 : i32, stride_w = 5 : i32} : (ten…
147 …pose_conv"(%arg1, %w, %arg0, %b) {padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
232 …ion = "NONE", padding = "SAME", stride_d = 1 : i32, stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
237 …on_function = "NONE", padding = "SAME", stride_d = 1 : i32, stride_h = 1 : i32, stride_w = 1 : i32}
242 …on_function = "NONE", padding = "SAME", stride_d = 1 : i32, stride_h = 1 : i32, stride_w = 1 : i32}
247 …on_function = "NONE", padding = "SAME", stride_d = 1 : i32, stride_h = 1 : i32, stride_w = 1 : i32}
252 …on_function = "NONE", padding = "SAME", stride_d = 1 : i32, stride_h = 1 : i32, stride_w = 1 : i32}
262 …sed_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
263 …ed_activation_function = "NONE", padding = "VALID", stride_h = 4 : i32, stride_w = 5 : i32} : (ten…
Dprepare-quantize-dynamic-range.mlir15 …sed_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
39 …sed_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
46 …sed_activation_function = "NONE", padding = "SAME", stride_h = 2 : i32, stride_w = 2 : i32} : (ten…
58 …ed_activation_function = "NONE", padding = "VALID", stride_h = 4 : i32, stride_w = 5 : i32} : (ten…
82 …ed_activation_function = "NONE", padding = "VALID", stride_h = 4 : i32, stride_w = 5 : i32} : (ten…
89 …ed_activation_function = "NONE", padding = "VALID", stride_h = 4 : i32, stride_w = 5 : i32} : (ten…
247 …%tconv = "tfl.transpose_conv"(%arg1, %w, %0, %b) {padding = "SAME", stride_h = 2 : i32, stride_w =…
300 …on = "NONE", padding = "VALID", stride_d = 1 : i32, stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
316 …on = "NONE", padding = "VALID", stride_d = 1 : i32, stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
328 …on = "NONE", padding = "VALID", stride_d = 1 : i32, stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
[all …]
/external/tensorflow/tensorflow/compiler/mlir/tfr/examples/mnist/
Dops_defs.py53 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]
184 stride_w = op.get_attr('stride_w')
192 strides=[1, stride_w, stride_h, 1],
/external/tensorflow/tensorflow/compiler/mlir/lite/experimental/tac/tests/
Dtarget-annotation.mlir5 …ed_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
13 …ed_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
21 …ed_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
29 …ed_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
53 …ed_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
Ddevice-transform-nnapi.mlir10 …ed_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
24 …ed_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
39 …ed_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
54 …ed_activation_function = "NONE", padding = "VALID", stride_h = 1 : i32, stride_w = 1 : i32} : (ten…
Dget-op-cost.mlir64 …i32, dilation_w_factor = 1 : i32, padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32, fused_…
71 …i32, dilation_w_factor = 1 : i32, padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32, fused_…
79 …i32, dilation_w_factor = 1 : i32, padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32, fused_…
85 …i32, dilation_w_factor = 1 : i32, padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32, fused_…
/external/tensorflow/tensorflow/compiler/mlir/lite/tests/flatbuffer2mlir/
Dmany_attribute_op.mlir6 …ed_activation_function = "NONE", padding = "VALID", stride_h = 3 : i32, stride_w = 1 : i32} : (ten…
7 …ed_activation_function = "NONE", padding = "VALID", stride_h = 3 : i32, stride_w = 1 : i32} : (ten…
/external/tensorflow/tensorflow/compiler/mlir/lite/transforms/
Doptimize_patterns.td60 $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/
DTransposeConv.cpp85 "stride_w": )" + strideX + R"(, in TransposeConvFixture()
221 "stride_w": )" + strideX + R"(, in TransposeConvFixtureWithBias()
434 "stride_w": 1, in TransposeConvPerChannelFixture()
DConv2D.cpp68 "stride_w": 1, in SimpleConv2DFixture()
188 "stride_w": )" + strides + R"(, in Conv2DWithBiasesFixture()
537 "stride_w": 1, in PerChannelConv2DFixture()
/external/tensorflow/tensorflow/compiler/mlir/quantization/tensorflow/utils/
Dtf_to_xla_attribute_utils.cc95 const int stride_w = strides[2].cast<IntegerAttr>().getInt(); in PadForDynamicShapedInputSamePadding() local
110 stride_w, pad_w_low, pad_w_high); in PadForDynamicShapedInputSamePadding()
171 const int stride_w = strides[2].cast<IntegerAttr>().getInt(); in CalculatePaddingAndPadIfNeeded() local
175 stride_h, stride_w, dilation_h, dilation_w, in CalculatePaddingAndPadIfNeeded()
/external/ComputeLibrary/src/cpu/kernels/
DCpuScaleKernel.cpp491 const int32_t stride_w = src->info()->strides_in_bytes()[idx_width]; 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/
Dnn.mlir38 // CHECK-NEXT: stride_w: 1,
63 …ed_activation_function = "NONE", padding = "VALID", stride_h = 3 : i32, stride_w = 1 : i32} : (ten…
/external/tensorflow/tensorflow/compiler/mlir/tosa/tests/
Dtfl-to-tosa-pipeline-filtered.mlir7 … i32, fused_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32}
10 …sed_activation_function = "NONE", padding = "SAME", stride_h = 1 : i32, stride_w = 1 : i32} : (te…

12345678910