Home
last modified time | relevance | path

Searched refs:conv_2d (Results 1 – 25 of 30) sorted by relevance

12

/external/tensorflow/tensorflow/compiler/mlir/lite/tests/flatbuffer2mlir/
Doptional_input.json3 …ast optional input `bias` of tfl.conv_2d op, the flatbuffer_importer will automatically adds `none…
Ddynamic_shape.mlir7 …%0 = "tfl.conv_2d"(%arg0, %cst_3, %cst) {dilation_h_factor = 1 : i32, dilation_w_factor = 1 : i32,…
Dquantization.mlir15 …%3 = "tfl.conv_2d"(%0, %1, %2) {dilation_h_factor = 2 : i32, dilation_w_factor = 3 : i32, fused_ac…
/external/llvm-project/mlir/integration_test/Dialect/Linalg/CPU/
Dtest-conv-2d-call.mlir32 func @conv_2d(%arg0: memref<?x?xf32>, %arg1: memref<?x?xf32>, %arg2: memref<?x?xf32>) {
33 linalg.conv_2d ins (%arg0, %arg1: memref<?x?xf32>, memref<?x?xf32>)
53 …call @conv_2d(%in2D, %filter2D, %out2D) : (memref<?x?xf32>, memref<?x?xf32>, memref<?x?xf32>) -> ()
/external/tensorflow/tensorflow/core/kernels/
Dconv_ops_test.cc800 Tensor conv_2d; in VerifyBiasAddTensorsNear() local
803 run_default(image, filter, bias, &conv_2d); in VerifyBiasAddTensorsNear()
806 ASSERT_EQ(conv_2d.dtype(), fused_conv_2d.dtype()); in VerifyBiasAddTensorsNear()
807 ASSERT_EQ(conv_2d.shape(), fused_conv_2d.shape()); in VerifyBiasAddTensorsNear()
814 test::ExpectClose(conv_2d, fused_conv_2d, /*atol=*/1e-4); in VerifyBiasAddTensorsNear()
816 test::ExpectClose(conv_2d, fused_conv_2d, /*atol=*/1e-5); in VerifyBiasAddTensorsNear()
850 Tensor conv_2d; in VerifyFusedBatchNormTensorsNear() local
853 run_default(image, filter, scale, offset, mean, variance, &conv_2d); in VerifyFusedBatchNormTensorsNear()
856 ASSERT_EQ(conv_2d.dtype(), fused_conv_2d.dtype()); in VerifyFusedBatchNormTensorsNear()
857 ASSERT_EQ(conv_2d.shape(), fused_conv_2d.shape()); in VerifyFusedBatchNormTensorsNear()
[all …]
DBUILD306 name = "conv_2d",
307 hdrs = ["conv_2d.h"],
312 "conv_2d.h",
340 hdrs = ["conv_2d.h"],
2237 ":conv_2d",
3776 ":conv_2d",
3910 ":conv_2d",
4167 ":conv_2d",
5903 "conv_2d.h",
5998 "conv_2d.h",
/external/tensorflow/tensorflow/compiler/mlir/lite/tests/
Dprepare-quantize-signed.mlir112 …%conv = "tfl.conv_2d"(%arg0, %w, %b) {dilation_h_factor = 1 : i32, dilation_w_factor = 1 : i32, fu…
119 // CHECK: %[[conv:.*]] = "tfl.conv_2d"(%arg0, %[[dq]]
124 // PerTensor: %[[conv:.*]] = "tfl.conv_2d"(%arg0, %[[dq]]
132 …%conv = "tfl.conv_2d"(%arg0, %w, %b) {dilation_h_factor = 1 : i32, dilation_w_factor = 1 : i32, fu…
139 // CHECK: %[[conv:.*]] = "tfl.conv_2d"(%arg0, %[[dq]]
144 // PerTensor: %[[conv:.*]] = "tfl.conv_2d"(%arg0, %[[dq]]
Dprepare-tf-with-allowing-bf16-and-f16-type-legalization.mlir9 // CHECK: "tfl.conv_2d"
30 // CHECK: "tfl.conv_2d"
Ddefault_quant_params.mlir63 …%3 = "tfl.conv_2d"(%0, %1, %2) {dilation_h_factor = 2 : i32, dilation_w_factor = 3 : i32, fused_ac…
70 // CHECK: %[[conv:.*]] = "tfl.conv_2d"(%arg0, %arg1, %arg2)
81 …%1 = "tfl.conv_2d"(%arg0, %0, %arg2) {dilation_h_factor = 2 : i32, dilation_w_factor = 3 : i32, fu…
86 // CHECK: %[[conv:.*]] = "tfl.conv_2d"(%[[q1]], %arg1, %[[q0]])
Dprepare-quantize.mlir64 …%conv = "tfl.conv_2d"(%input, %weight, %bias) {dilation_h_factor = 2 : i32, dilation_w_factor = 3 …
74 // CHECK-NEXT: %[[conv:.*]] = "tfl.conv_2d"(%[[in]], %[[w]], %[[bias]])
84 …%conv = "tfl.conv_2d"(%input, %weight, %bias) {dilation_h_factor = 2 : i32, dilation_w_factor = 3 …
94 // CHECK-NEXT: %[[conv:.*]] = "tfl.conv_2d"(%[[in]], %[[w]], %[[bias]])
105 …%5 = "tfl.conv_2d"(%2, %4, %cst) {dilation_h_factor = 2 : i32, dilation_w_factor = 3 : i32, fused_…
115 // CHECK: %5 = "tfl.conv_2d"(%2, %4, %1)
468 %6 = "tfl.conv_2d"(%5, %4, %cst) {
486 // CHECK: %8 = "tfl.conv_2d"(%7, %4, %1)
581 …%conv1 = "tfl.conv_2d"(%1, %2, %cst) {dilation_h_factor = 2 : i32, dilation_w_factor = 3 : i32, fu…
586 …%conv2 = "tfl.conv_2d"(%4, %5, %cst) {dilation_h_factor = 2 : i32, dilation_w_factor = 3 : i32, fu…
[all …]
Doptimize.mlir11 …%0 = "tfl.conv_2d"(%arg0, %arg1, %arg2) {dilation_h_factor = 2 : i32, dilation_w_factor = 3 : i32,…
15 …// CHECK: %0 = "tfl.conv_2d"(%arg0, %arg1, %arg2) {dilation_h_factor = 2 : i32, dilation_w_factor …
53 …%0 = "tfl.conv_2d"(%arg0, %arg1, %cst_0) {dilation_h_factor = 2 : i32, dilation_w_factor = 3 : i32…
58 // CHECK: %0 = "tfl.conv_2d"(%arg0, %arg1, %cst)
65 …%0 = "tfl.conv_2d"(%arg0, %arg1, %cst_0) {dilation_h_factor = 2 : i32, dilation_w_factor = 3 : i32…
70 // CHECK: %0 = "tfl.conv_2d"(%arg0, %arg1, %cst)
169 …%1 = "tfl.conv_2d"(%0, %w, %bias) {dilation_h_factor = 2 : i32, dilation_w_factor = 3 : i32, fused…
174 // CHECK-NEXT: %[[c:.*]] = "tfl.conv_2d"(%arg0, %[[w]], %[[b]]) {dilation_h_factor = 2 : i32, dilat…
184 …%1 = "tfl.conv_2d"(%0, %w, %bias) {dilation_h_factor = 2 : i32, dilation_w_factor = 3 : i32, fused…
189 // CHECK-NEXT: %[[c:.*]] = "tfl.conv_2d"(%arg0, %[[w]], %[[b]]) {dilation_h_factor = 2 : i32, dilat…
[all …]
Doptimize_functional_ops.mlir81 …%4 = "tfl.conv_2d"(%arg0, %cst_2, %cst_1) {dilation_h_factor = 1 : i32, dilation_w_factor = 1 : i3…
114 …%4 = "tfl.conv_2d"(%arg0, %cst_2, %cst_1) {dilation_h_factor = 1 : i32, dilation_w_factor = 1 : i3…
150 …%4 = "tfl.conv_2d"(%arg0, %cst_2, %cst_1) {dilation_h_factor = 1 : i32, dilation_w_factor = 1 : i3…
Dpost-quantize.mlir37 …%3 = "tfl.conv_2d"(%0, %1, %2) {dilation_h_factor = 2 : i32, dilation_w_factor = 3 : i32, fused_ac…
56 // CHECK-NEXT: %[[conv:.*]] = "tfl.conv_2d"(%arg0, %[[q_cst_0]], %[[q_cst_1]]) {dilation_h_factor …
Dquantize.mlir65 …%5 = "tfl.conv_2d"(%2, %4, %cst) {dilation_h_factor = 2 : i32, dilation_w_factor = 3 : i32, fused_…
71 // CHECK: %[[conv:.*]] = "tfl.conv_2d"(%arg0, %[[cst1]], %[[cst0]])
77 // DEBUG: %[[f_conv:.*]] = "tfl.conv_2d"(%[[act]], %[[wt]], %[[bias]])
78 // DEBUG: %[[q_conv:.*]] = "tfl.conv_2d"
Dprepare-tf.mlir25 // CHECK: %1 = "tfl.conv_2d"(%arg0, %0, %[[CONSTANT]]) {dilation_h_factor = 2 : i32, dilation_w_fa…
28 // CHECK: %4 = "tfl.conv_2d"(%arg0, %3, %[[CONSTANT]]) {dilation_h_factor = 1 : i32, dilation_w_fa…
62 // LAYOUT: "tfl.conv_2d"
295 // CHECK: %[[CONV:.*]] = "tfl.conv_2d"(%arg0, %[[DEQUANTIZE]], %[[CONSTANT]])
316 // CHECK: %[[CONV:.*]] = "tfl.conv_2d"(%arg0, %[[DEQUANTIZE]], %[[CONSTANT]])
671 …// CHECK: %[[RES:.*]] = "tfl.conv_2d"(%arg0, %[[CST0]], %[[CST]]) {dilation_h_factor = 1 : i32, di…
/external/tensorflow/tensorflow/lite/tools/versioning/
Dop_version.h73 } conv_2d; member
Dop_version.cc75 if (op_sig.options.conv_2d.is_per_channel_quantized) { in GetBuiltinOperatorVersion()
807 op_sig.options.conv_2d.is_per_channel_quantized = true; in GetOpSignature()
Dop_version_test.cc510 fake_op_sig.options.conv_2d.is_per_channel_quantized = true; in TEST()
/external/tensorflow/tensorflow/compiler/mlir/lite/tests/end2end/
DBUILD14 "conv_2d.pbtxt": ["no_rocm"],
Dfake_quant_per_channel.pbtxt454 # MLIR: %[[conv:.*]] = "tfl.conv_2d"(%[[ARG_0]], %[[weight]], %[[bias]]) {dilation_h_factor…
/external/tensorflow/tensorflow/core/kernels/mkl/
Dmkl_fused_ops_test.cc133 Tensor conv_2d; in VerifyBiasAddTensorsClose() local
136 run_default(image, filter, bias, &conv_2d); in VerifyBiasAddTensorsClose()
139 ASSERT_EQ(conv_2d.dtype(), fused_conv_2d.dtype()); in VerifyBiasAddTensorsClose()
140 ASSERT_EQ(conv_2d.shape(), fused_conv_2d.shape()); in VerifyBiasAddTensorsClose()
142 test::ExpectClose(conv_2d, fused_conv_2d, 1e-5); in VerifyBiasAddTensorsClose()
162 Tensor conv_2d; in VerifyFusedTensorsClose() local
165 run_default(image, filter, bias, fused_ops, &conv_2d, padding); in VerifyFusedTensorsClose()
168 ASSERT_EQ(conv_2d.dtype(), fused_conv_2d.dtype()); in VerifyFusedTensorsClose()
169 ASSERT_EQ(conv_2d.shape(), fused_conv_2d.shape()); in VerifyFusedTensorsClose()
171 test::ExpectClose(conv_2d, fused_conv_2d, 1e-5); in VerifyFusedTensorsClose()
DBUILD36 "//tensorflow/core/kernels:conv_2d",
/external/tensorflow/tensorflow/compiler/mlir/lite/tests/mlir2flatbuffer/
Dquantization.mlir74 // CHECK-NEXT: name: "tfl.conv_2d",
175 …%4 = "tfl.conv_2d"(%1, %2, %3) {dilation_h_factor = 2 : i32, dilation_w_factor = 3 : i32, fused_ac…
/external/llvm-project/mlir/include/mlir/Dialect/Linalg/IR/
DLinalgNamedStructuredOpsSpec.tc42 def conv_2d(I: f32(H, W), K: f32(KH, KW)) -> (O: f32(H, W)) {
/external/tensorflow/tensorflow/compiler/mlir/tosa/tests/
Dtfl-to-tosa-pipeline.mlir17 …%0 = "tfl.conv_2d"(%arg0, %cst_0, %cst) {dilation_h_factor = 1 : i32, dilation_w_factor = 1 : i32…
26 …%0 = "tfl.conv_2d"(%arg0, %cst, %cst_0) {dilation_h_factor = 1 : i32, dilation_w_factor = 1 : i32…
52 …%2 = "tfl.conv_2d"(%arg0, %0, %1) {dilation_h_factor = 1 : i32, dilation_w_factor = 1 : i32, fused…

12