Home
last modified time | relevance | path

Searched refs:cst0 (Results 1 – 25 of 26) sorted by relevance

12

/external/llvm-project/mlir/test/Dialect/Quant/
Dconvert-const.mlir148 // CHECK: %[[cst0:.*]] = constant dense<0> : tensor<7xi8>
150 // CHECK: "quant.scast"(%[[cst0]]) : (tensor<7xi8>) -> tensor<7x!quant.uniform<i8:f32, 1.000000e+00…
152 // CHECK: "quant.scast"(%[[cst0]]) : (tensor<7xi8>) -> tensor<7x!quant.uniform<u8:f32, 1.000000e+00…
159 %cst0 = constant dense<0.0> : tensor<7xf32>
160 …%3 = "quant.qcast"(%cst0) : (tensor<7xf32>) -> tensor<7x!quant.uniform<i8<-127:127>:f32, 1.0:-127>>
180 // CHECK-NEXT: %[[cst0:.*]] = constant dense<{{\[}}[-128, -1, 1], [127, 1, 3]]> : tensor<2x3xi8>
188 %cst0 = constant dense<[[-2.0, -0.5, 0.0], [0.0, 1.0, 2.0]]> : tensor<2x3xf32>
189 …%3 = "quant.qcast"(%cst0) : (tensor<2x3xf32>) -> tensor<2x3x!quant.uniform<i8:f32:1, {7.812500e-03…
/external/llvm-project/mlir/examples/toy/Ch7/mlir/
DLowerToLLVM.cpp145 Value cst0 = builder.create<LLVM::ConstantOp>( in getOrCreateGlobalString() local
150 ArrayRef<Value>({cst0, cst0})); in getOrCreateGlobalString()
/external/libvpx/libvpx/vpx_dsp/mips/
Dtxfm_macros_msa.h82 #define MADD_BF(inp0, inp1, inp2, inp3, cst0, cst1, cst2, cst3, out0, out1, \ argument
90 DOTP_SH4_SW(madd_s0_m, madd_s1_m, madd_s2_m, madd_s3_m, cst0, cst0, cst2, \
Dinv_txfm_msa.h195 #define VP9_MADD(inp0, inp1, inp2, inp3, cst0, cst1, cst2, cst3, out0, out1, \ argument
203 DOTP_SH4_SW(madd_s1_m, madd_s0_m, madd_s1_m, madd_s0_m, cst0, cst0, cst1, \
/external/llvm-project/mlir/examples/toy/Ch6/mlir/
DLowerToLLVM.cpp145 Value cst0 = builder.create<LLVM::ConstantOp>( in getOrCreateGlobalString() local
150 ArrayRef<Value>({cst0, cst0})); in getOrCreateGlobalString()
/external/llvm-project/mlir/test/mlir-cuda-runner/
Dall-reduce-max.mlir6 %cst0 = constant 0 : i32
32 store %cst0, %data[%c0, %c0] : memref<2x6xi32>
Dall-reduce-or.mlir6 %cst0 = constant 0 : i32
32 store %cst0, %data[%c0, %c0] : memref<2x6xi32>
Dall-reduce-min.mlir6 %cst0 = constant 0 : i32
32 store %cst0, %data[%c0, %c0] : memref<2x6xi32>
Dall-reduce-xor.mlir6 %cst0 = constant 0 : i32
32 store %cst0, %data[%c0, %c0] : memref<2x6xi32>
Dall-reduce-and.mlir6 %cst0 = constant 0 : i32
32 store %cst0, %data[%c0, %c0] : memref<2x6xi32>
Dmultiple-all-reduce.mlir7 %cst0 = constant 0.0 : f32
35 store %cst0, %data[%c0, %c0] : memref<2x6xf32>
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/tests/
Dtf_optimize.mlir5 …%cst0 = constant dense<[[[[1.0, 2.0], [3.0, 4.0], [5.0, 6.0]], [[7.0, 8.0], [9.0, 10.0], [11.0, 12…
7 …%0 = "tf.Conv2D"(%arg0, %cst0) {T = "tfdtype$DT_FLOAT", data_format = "NHWC", dilations = [1, 2, 3…
22 …%cst0 = constant dense<[[[[1.0, 2.0], [3.0, 4.0], [5.0, 6.0]], [[7.0, 8.0], [9.0, 10.0], [11.0, 12…
24 …%0 = "tf.Conv2D"(%arg0, %cst0) {T = "tfdtype$DT_FLOAT", data_format = "NHWC", dilations = [1, 2, 3…
/external/tensorflow/tensorflow/compiler/mlir/lite/tests/
Doptimize.mlir280 %cst0 = constant dense<[[1.0, 2.0], [3.0, 4.0]]> : tensor<2x2xf32>
284 …%0 = "tfl.fully_connected"(%arg0, %cst0, %cst1) {fused_activation_function = "NONE", keep_num_dims…
316 %cst0 = constant dense<[[1.0, 2.0], [3.0, 4.0]]> : tensor<2x2xf32>
317 …%q = "tfl.quantize"(%cst0) {qtype = tensor<2x2x!quant.uniform<u8:f32, 1.0>>} : (tensor<2x2xf32>) -…
335 %cst0 = constant dense<[[1.0, 2.0], [3.0, 4.0]]> : tensor<2x2xf32>
337 …%1 = "tfl.fully_connected"(%0, %cst0, %cst1) {fused_activation_function = "NONE", keep_num_dims = …
362 %cst0 = constant dense<[[1.0, 2.0], [3.0, 4.0]]> : tensor<2x2xf32>
364 …%1 = "tfl.fully_connected"(%0, %cst0, %cst1) {fused_activation_function = "NONE", keep_num_dims = …
375 %cst0 = constant dense<[[1.0, 2.0, 3.0], [1.0, 2.0, 3.0]]> : tensor<2x3xf32>
378 …%0 = "tfl.fully_connected"(%arg0, %cst0, %cst1) {fused_activation_function = "NONE", keep_num_dims…
[all …]
Dtfl_while_outline.mlir13 %cst0 = constant dense<5> : tensor<i32> loc("N")
15 %0:2 = "tfl.while"(%cst0, %cst1) ( {
174 %cst0 = constant dense<5> : tensor<i32> loc("N")
177 %0:2 = "tfl.while"(%cst0, %cst1) ( {
Dquantize.mlir69 // CHECK: %[[cst0:.*]] = "tfl.pseudo_qconst"() {qtype = tensor<32x!quant.uniform<i32:f32, 7.812500e…
71 // CHECK: %[[conv:.*]] = "tfl.conv_2d"(%arg0, %[[cst1]], %[[cst0]])
94 // CHECK: %[[cst0:.*]] = "tfl.pseudo_qconst"() {qtype = tensor<32x!quant.uniform<i32:f32, 1.7052092…
96 // CHECK: %[[conv:.*]] = "tfl.depthwise_conv_2d"(%arg0, %[[cst1]], %[[cst0]]) {depth_multiplier = 4…
Dconst-fold.mlir164 // CHECK-DAG: [[cst0:%.*]] = constant dense<1.000000e+00> : tensor<f32>
171 // CHECK: return [[cst0]], [[cst1]], [[cst2]], [[cst3]], [[cst4]], [[cst5]], [[cst6]]
192 // CHECK-DAG: [[cst0:%.*]] = constant dense<8> : tensor<i32>
196 // CHECK: return [[cst0]], [[cst1]], [[cst2]], [[cst3]]
Dops.mlir833 …%cst0 = "tfl.pseudo_const" () {value = dense<0.0> : tensor<4xf32>} : () -> tensor<4xf32> loc("Cons…
836 …, %arg9, %arg10, %arg11, %arg12, %arg13, %arg14, %arg15, %arg16, %arg17, %cst0, %cst1, %arg18, %ar…
845 …%cst0 = "tfl.pseudo_const" () {value = dense<0.0> : tensor<1x4xf32>} : () -> tensor<1x4xf32> loc("…
848 …, %arg9, %arg10, %arg11, %arg12, %arg13, %arg14, %arg15, %arg16, %arg17, %cst0, %cst1, %arg18, %ar…
856 …%cst0 = "tfl.pseudo_const" () {value = dense<0.0> : tensor<1x4xf32>} : () -> tensor<1x4xf32> loc("…
859 …, %arg9, %arg10, %arg11, %arg12, %arg13, %arg14, %arg15, %arg16, %arg17, %cst0, %cst1, %arg18, %ar…
867 …%cst0 = "tfl.pseudo_const" () {value = dense<0.0> : tensor<1x4xf32>} : () -> tensor<1x4xf32> loc("…
870 …, %arg9, %arg10, %arg11, %arg12, %arg13, %arg14, %arg15, %arg16, %arg17, %cst0, %cst1, %arg18, %ar…
/external/tensorflow/tensorflow/compiler/mlir/lite/tests/end2end/
Dif_op.pbtxt31 name: "cst0"
90 input: "cst0"
/external/libvpx/libvpx/vpx_dsp/x86/
Dinv_txfm_ssse3.c22 const __m128i cst0 = _mm_set1_epi16(2 * c0); in partial_butterfly_ssse3() local
24 *out0 = _mm_mulhrs_epi16(in, cst0); in partial_butterfly_ssse3()
Dinv_txfm_sse2.h84 const __m128i cst0 = pair_set_epi16(c0, -c1); in butterfly() local
88 *out0 = idct_calc_wraplow_sse2(lo, hi, cst0); in butterfly()
/external/tensorflow/tensorflow/compiler/mlir/lite/tests/mlir2flatbuffer/
Dlstm.mlir267 …%cst0 = "tfl.pseudo_const" () {value = dense<0.0> : tensor<1x4xf32>} : () -> tensor<1x4xf32> loc("…
269 …, %arg9, %arg10, %arg11, %arg12, %arg13, %arg14, %arg15, %arg16, %arg17, %cst0, %cst1, %arg18, %ar…
/external/llvm-project/mlir/unittests/SDBM/
DSDBMTest.cpp277 auto cst0 = SDBMConstantExpr::get(dialect(), 0); in TEST() local
294 EXPECT_DEATH(SDBMStripeExpr::get(var, cst0), "non-positive"); in TEST()
/external/tensorflow/tensorflow/compiler/mlir/lite/tests/flatbuffer2mlir/
Dlstm.mlir5 …%cst0 = "tfl.pseudo_const" () {value = dense<0.0> : tensor<1x4xf32>} : () -> tensor<1x4xf32> loc("…
7 …, %arg9, %arg10, %arg11, %arg12, %arg13, %arg14, %arg15, %arg16, %arg17, %cst0, %cst1, %arg18, %ar…
/external/llvm-project/mlir/test/Conversion/VectorToSCF/
Dvector-to-loops.mlir374 // CHECK: %[[cst0:.*]] = constant dense<0.000000e+00> : vector<3xf32>
383 // CHECK: store %[[cst0]], %[[m]][%[[arg1]]] : memref<3xvector<3xf32>>
/external/llvm-project/mlir/lib/Dialect/LLVMIR/IR/
DLLVMDialect.cpp1879 Value cst0 = builder.create<LLVM::ConstantOp>( in createGlobalString() local
1883 globalPtr, ValueRange{cst0, cst0}); in createGlobalString()

12