Home
last modified time | relevance | path

Searched full:dequantize (Results 1 – 25 of 1430) sorted by relevance

12345678910>>...58

/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/lite/tests/
H A Dprepare-quantize.mlir9 %1 = "tfl.dequantize"(%0) : (tensor<2x1x!quant.uniform<i16:f32, 1.0>>) -> (tensor<2x1xf32>)
11 %3 = "tfl.dequantize"(%2) : (tensor<2x3x!quant.uniform<i16:f32, 1.0>>) -> (tensor<2x3xf32>)
16 // CHECK-NEXT: %[[dq:.*]] = "tfl.dequantize"(%[[q]])
18 // CHECK-NEXT: %[[dq_0:.*]] = "tfl.dequantize"(%[[q_0]])
21 // CHECK-NEXT: %[[dq_1:.*]] = "tfl.dequantize"(%[[q_1]])
28 %1 = "tfl.dequantize"(%0) : (tensor<2x1x!quant.uniform<i16:f32, 1.0>>) -> (tensor<2x1xf32>)
30 %3 = "tfl.dequantize"(%2) : (tensor<2x3x!quant.uniform<i16:f32, 1.0>>) -> (tensor<2x3xf32>)
36 // MixedPrecision-NEXT: %[[dq:.*]] = "tfl.dequantize"(%[[q]])
38 // MixedPrecision-NEXT: %[[dq_0:.*]] = "tfl.dequantize"(%[[q_0]])
41 // MixedPrecision-NEXT: %[[dq_1:.*]] = "tfl.dequantize"(%[[q_1]])
[all …]
H A Dprepare-quantize-post-training.mlir35 // CHECK-DAG: %[[dq:.*]] = "tfl.dequantize"(%[[q]]) : (tensor<1x20x!quant.uniform<i16:f32, 2.441406…
36 // Checks if input 19 is correctly passed from a dequantize op.
91 // CHECK-DAG: %[[input_0:.*]] = "tfl.dequantize"({{.*}}) : (tensor<1x1x5x!quant.uniform<i8:f32, 0.0…
92 // CHECK-DAG: %[[input_1:.*]] = "tfl.dequantize"({{.*}}) : (tensor<2x5x!quant.uniform<i8<-127:127>:…
93 // CHECK-DAG: %[[input_2:.*]] = "tfl.dequantize"({{.*}}) : (tensor<2x5x!quant.uniform<i8<-127:127>:…
94 // CHECK-DAG: %[[input_3:.*]] = "tfl.dequantize"({{.*}}) : (tensor<2x5x!quant.uniform<i8<-127:127>:…
95 // CHECK-DAG: %[[input_4:.*]] = "tfl.dequantize"({{.*}}) : (tensor<2x5x!quant.uniform<i8<-127:127>:…
96 // CHECK-DAG: %[[input_5:.*]] = "tfl.dequantize"({{.*}}) : (tensor<2x4x!quant.uniform<i8<-127:127>:…
97 // CHECK-DAG: %[[input_6:.*]] = "tfl.dequantize"({{.*}}) : (tensor<2x4x!quant.uniform<i8<-127:127>:…
98 // CHECK-DAG: %[[input_7:.*]] = "tfl.dequantize"({{.*}}) : (tensor<2x4x!quant.uniform<i8<-127:127>:…
[all …]
H A Dprepare-quantize-signed.mlir7 %2 = "tfl.dequantize"(%1) : (tensor<2x2x!quant.uniform<u8:f32, 1.0:128>>) -> tensor<2x2xf32>
11 // CHECK-NEXT: %[[dq:.*]] = "tfl.dequantize"(%[[q]])
18 …%2 = "tfl.dequantize"(%1) : (tensor<2x2x!quant.uniform<u8:f32:1, {1.0:128, 1.0}>>) -> tensor<2x2xf…
22 // CHECK-NEXT: %[[dq:.*]] = "tfl.dequantize"(%0)
29 …%2 = "tfl.dequantize"(%1) : (tensor<2x2x!quant.uniform<u8<1:255>:f32, 1.0:255>>) -> tensor<2x2xf32>
33 // CHECK-NEXT: %[[dq:.*]] = "tfl.dequantize"(%[[q]])
53 // CHECK: %[[dq1:.*]] = "tfl.dequantize"(%[[q1]])
55 // CHECK: %[[dq2:.*]] = "tfl.dequantize"(%[[q2]])
75 // CHECK: %[[dq1:.*]] = "tfl.dequantize"(%[[q1]])
77 // CHECK: %[[dq2:.*]] = "tfl.dequantize"(%[[q2]])
[all …]
H A Dprepare-tf-fake-quant.mlir15 // CHECK: %[[dq:.*]] = "tfl.dequantize"(%[[q]])
29 // CHECK: %2 = "tfl.dequantize"(%1)
63 // CHECK: %[[DEQUANTIZE:.*]] = "tfl.dequantize"(%[[QUANTIZE]])
64 // CHECK: return %[[DEQUANTIZE]] : tensor<8xf32>
79 // CHECK: %[[DEQUANTIZE:.*]] = "tfl.dequantize"(%[[QUANTIZE]])
80 // CHECK: return %[[DEQUANTIZE]] : tensor<8xf32>
93 // CHECK: %[[DEQUANTIZE:.*]] = "tfl.dequantize"(%[[QUANTIZE]])
94 // CHECK: return %[[DEQUANTIZE]] : tensor<8xf32>
111 // CHECK: %[[DEQUANTIZE:.*]] = "tfl.dequantize"(%[[QUANTIZE]])
112 // CHECK: return %[[DEQUANTIZE]] : tensor<8xf32>
[all …]
H A Dquantize.mlir39 …%2 = "tfl.dequantize"(%1) : (tensor<2x2x!quant.uniform<u8:f32, 7.8431372549019615E-4:128>>) -> ten…
49 …%0 = "tfl.dequantize"(%cst) : (tensor<2x2x!quant.uniform<u8:f32, 7.8431372549019615E-4:128>>) -> t…
61 …%2 = "tfl.dequantize"(%arg0) : (tensor<1x224x224x3x!quant.uniform<u8:f32, 7.812500e-03:128>>) -> t…
64 …%4 = "tfl.dequantize"(%3) : (tensor<32x3x3x3x!quant.uniform<u8<1:255>:f32, 0.1>>) -> tensor<32x3x3…
80 …%2 = "tfl.dequantize"(%arg0) : (tensor<1x224x224x3x!quant.uniform<u8:f32, 7.812500e-03:128>>) -> t…
82 …%4 = "tfl.dequantize"(%3) : (tensor<32x3x3x3x!quant.uniform<u8<1:255>:f32, 0.021826678373682216:15…
97 …%2 = "tfl.dequantize"(%arg0) : (tensor<1x224x224x3x!quant.uniform<u8:f32, 7.812500e-03:128>>) -> t…
99 …%4 = "tfl.dequantize"(%3) : (tensor<32x12x!quant.uniform<u8<1:255>:f32, 0.021826678373682216:151>>…
110 // BLOCK: %[[dq1:.*]] = "tfl.dequantize"(%arg0)
112 // BLOCK: %[[dq2:.*]] = "tfl.dequantize"(%[[cst2]])
[all …]
H A Dquantize-numeric-verify.mlir8 …%2 = "tfl.dequantize"(%arg0) : (tensor<1x224x224x3x!quant.uniform<u8:f32, 7.812500e-03:128>>) -> t…
11 …%4 = "tfl.dequantize"(%3) : (tensor<32x3x3x3x!quant.uniform<u8<1:255>:f32, 0.1>>) -> tensor<32x3x3…
18 // DEBUG: %[[act:.*]] = "tfl.dequantize"(%arg0) : (tensor<1x224x224x3x!quant.uniform<u8:f32, 7.8125…
29 …%2 = "tfl.dequantize"(%arg0) : (tensor<1x224x224x3x!quant.uniform<u8:f32, 7.812500e-03:128>>) -> t…
31 …%4 = "tfl.dequantize"(%3) : (tensor<32x3x3x3x!quant.uniform<u8<1:255>:f32, 0.021826678373682216:15…
41 …%2 = "tfl.dequantize"(%arg0) : (tensor<1x224x224x3x!quant.uniform<u8:f32, 7.812500e-03:128>>) -> t…
43 …%4 = "tfl.dequantize"(%3) : (tensor<32x12x!quant.uniform<u8<1:255>:f32, 0.021826678373682216:151>>…
51 %0 = "tfl.dequantize"(%arg) : (tensor<4x!quant.uniform<u8:f32, 1.0>>) -> tensor<4xf32>
66 %1 = "tfl.dequantize"(%arg0) : (tensor<4x!quant.uniform<u8:f32, 1.0>>) -> tensor<4xf32>
67 %2 = "tfl.dequantize"(%arg1) : (tensor<4x!quant.uniform<u8:f32, 1.0>>) -> tensor<4xf32>
[all …]
H A Ddefault_quant_params.mlir12 // CHECK: %[[dq:.*]] = "tfl.dequantize"(%[[add]]) : (tensor<2x2x!quant.uniform<u8:f32, 0.0078431372…
19 %1 = "tfl.dequantize"(%0) : (tensor<2x2x!quant.uniform<u8:f32, 1.0:128>>) -> tensor<2x2xf32>
26 // CHECK: %[[dq:.*]] = "tfl.dequantize"(%[[add]]) : (tensor<2x2x!quant.uniform<u8:f32, 0.0078431372…
32 %1 = "tfl.dequantize"(%arg0) : (tensor<2x2x!quant.uniform<u8:f32, 1.0>>) -> tensor<2x2xf32>
38 // CHECK: %[[dq:.*]] = "tfl.dequantize"(%[[add]]) : (tensor<2x2x!quant.uniform<u8:f32, 0.0078431372…
46 %2 = "tfl.dequantize"(%0) : (tensor<2x2x!quant.uniform<u8:f32, 1.0:128>>) -> tensor<2x2xf32>
47 %3 = "tfl.dequantize"(%1) : (tensor<2x1x!quant.uniform<u8:f32, 1.0:128>>) -> tensor<2x1xf32>
54 // CHECK: %[[dq:.*]] = "tfl.dequantize"(%[[add]]) : (tensor<2x2x!quant.uniform<u8:f32, 0.0078431372…
60 …%0 = "tfl.dequantize"(%arg0) : (tensor<1x224x224x3x!quant.uniform<u8:f32, 1.0>>) -> tensor<1x224x2…
61 …%1 = "tfl.dequantize"(%arg1) : (tensor<32x3x3x3x!quant.uniform<u8<1:255>:f32, 1.0>>) -> tensor<32x…
[all …]
H A Doptimize_op_order.mlir5 …%0 = "tfl.dequantize"(%arg0) : (tensor<1000x1000x!quant.uniform<i8:f32, 7.812500e-03>>) -> tensor<…
10 // CHECK-NEXT: tfl.dequantize
16 …%dq_w = "tfl.dequantize"(%w) : (tensor<12x2x!quant.uniform<i8<-127:127>:f32, 1.000000e+00>>) -> te…
22 // CHECK-NEXT: tfl.dequantize
27 …%0 = "tfl.dequantize"(%arg0) : (tensor<1000x1000x!quant.uniform<i8:f32, 7.812500e-03>>) -> tensor<…
31 // CHECK-NEXT: tfl.dequantize
37 …%0 = "tfl.dequantize"(%arg0) : (tensor<1000x2x!quant.uniform<i8:f32, 7.812500e-03>>) -> tensor<100…
41 // CHECK-NEXT: tfl.dequantize
47 …%0 = "tfl.dequantize"(%arg0) : (tensor<?x1000x1000x!quant.uniform<i8:f32, 7.812500e-03>>) -> tenso…
52 // CHECK-NEXT: tfl.dequantize
[all …]
/aosp_15_r20/external/pytorch/torch/csrc/jit/passes/quantization/
H A Dquantization_patterns.h96 value + "_dequant = aten::dequantize(" + value + "_quant)"; in getDequantize()
111 %a_dequant = aten::dequantize(%a_quant) in getInputTensorQParamOpPattern()
205 %a_dequant = aten::dequantize(%a_quant) in getFixedQParamOpFusionInfo()
247 // %a_dequant = aten::dequantize(%a_quant)
267 %a_dequant = aten::dequantize(%a_quant) in getObservedQParamOpFusionInfo()
289 %a_dequant = aten::dequantize(%a_quant) in quant_fusion_pattern_and_replacements()
291 %w_dequant = aten::dequantize(%w_quant) in quant_fusion_pattern_and_replacements()
299 %a_dequant = aten::dequantize(%a_quant) in quant_fusion_pattern_and_replacements()
301 %w_dequant = aten::dequantize(%w_quant) in quant_fusion_pattern_and_replacements()
310 %a_dequant = aten::dequantize(%a_quant) in quant_fusion_pattern_and_replacements()
[all …]
/aosp_15_r20/external/ComputeLibrary/arm_compute/core/
H A DQuantizationInfo.h268 /** Dequantize a value given a 8-bit asymmetric quantization scheme
270 * @param[in] value Value to dequantize
275 static inline float dequantize(QUANTIZED_TYPE value, const UniformQuantizationInfo &qinfo) in dequantize() function
280 /** Dequantize a value given a 8-bit asymmetric quantization scheme
282 * @param[in] value Value to dequantize
287 static inline float dequantize(QUANTIZED_TYPE value, const QuantizationInfo &qinfo) in dequantize() function
351 /** Dequantize a value given an unsigned 8-bit asymmetric quantization scheme
353 * @param[in] value Value to dequantize
361 return Qasymm8QuantizationHelper<uint8_t>::dequantize(value, qinfo); in dequantize_qasymm8()
364 /** Dequantize a value given a signed 8-bit asymmetric quantization scheme
[all …]
/aosp_15_r20/external/libjpeg-turbo/
H A Djidctint.c160 /* Dequantize a coefficient by multiplying it by the multiplier-table
165 #define DEQUANTIZE(coef, quantval) (((ISLOW_MULT_TYPE)(coef)) * (quantval)) macro
211 int dcval = LEFT_SHIFT(DEQUANTIZE(inptr[DCTSIZE * 0],
232 z2 = DEQUANTIZE(inptr[DCTSIZE * 2], quantptr[DCTSIZE * 2]);
233 z3 = DEQUANTIZE(inptr[DCTSIZE * 6], quantptr[DCTSIZE * 6]);
239 z2 = DEQUANTIZE(inptr[DCTSIZE * 0], quantptr[DCTSIZE * 0]);
240 z3 = DEQUANTIZE(inptr[DCTSIZE * 4], quantptr[DCTSIZE * 4]);
254 tmp0 = DEQUANTIZE(inptr[DCTSIZE * 7], quantptr[DCTSIZE * 7]);
255 tmp1 = DEQUANTIZE(inptr[DCTSIZE * 5], quantptr[DCTSIZE * 5]);
256 tmp2 = DEQUANTIZE(inptr[DCTSIZE * 3], quantptr[DCTSIZE * 3]);
[all …]
H A Djidctred.c107 /* Dequantize a coefficient by multiplying it by the multiplier-table
112 #define DEQUANTIZE(coef, quantval) (((ISLOW_MULT_TYPE)(coef)) * (quantval)) macro
149 int dcval = LEFT_SHIFT(DEQUANTIZE(inptr[DCTSIZE * 0],
162 tmp0 = DEQUANTIZE(inptr[DCTSIZE * 0], quantptr[DCTSIZE * 0]);
165 z2 = DEQUANTIZE(inptr[DCTSIZE * 2], quantptr[DCTSIZE * 2]);
166 z3 = DEQUANTIZE(inptr[DCTSIZE * 6], quantptr[DCTSIZE * 6]);
175 z1 = DEQUANTIZE(inptr[DCTSIZE * 7], quantptr[DCTSIZE * 7]);
176 z2 = DEQUANTIZE(inptr[DCTSIZE * 5], quantptr[DCTSIZE * 5]);
177 z3 = DEQUANTIZE(inptr[DCTSIZE * 3], quantptr[DCTSIZE * 3]);
178 z4 = DEQUANTIZE(inptr[DCTSIZE * 1], quantptr[DCTSIZE * 1]);
[all …]
/aosp_15_r20/external/pytorch/torch/ao/quantization/fx/
H A Dconvert.py98 dequantize node working with decomposed Tensor
132 # otherwise, we can convert the activation_post_process module call to quantize/dequantize node
135 # the quantize and dequantize operator
193 # 2. replace activation_post_process node with quantize and dequantize
231 # propagate numeric debug handle from observer/fake_quant node to dequantize node
301 # 3. replace activation_post_process node to quantize and dequantize node
337 # propagate numeric debug handle from observer/fake_quant node to dequantize node
358 dequantize node
363 ... -> torch.quantize_per_tensor(x, ...) -> x.dequantize() -> ...
386 # otherwise, we can convert the activation_post_process module call to quantize/dequantize node
[all …]
H A D_lower_to_native_backend.py222 and node.target == "dequantize"
525 Match the pattern (dequantize - ref node - quantize) against the node provided.
540 dequantize_node_arg_indices: A list of indices in the reference node args where dequantize
541 nodes may be present. An empty list means skipping the check for dequantize nodes.
576 # Match dequantize node(s). Both of the following conditions must pass:
577 # (1) All `torch.fx.Node`s at the matching indices must be a dequantize node
578 # (2) There must be at least one dequantize node
583 ), f"Dequantize index {i} exceeded reference node's arg length {len(ref_node.args)}"
602 (dequantize \
603 Match the pattern (dequantize - ref node - quantize) against the node provided.
[all …]
H A DREADME.md207 …reference model when each QDQStub represents a quantize operator followed by a dequantize operator.
336 dequantize = quantize_per_tensor.dequantize(); quantize_per_tensor = None
337 linear = self.linear(dequantize); dequantize = None
341 dequantize_1 = quantize_per_tensor_1.dequantize(); quantize_per_tensor_1 = None
347 …ntize modules) in the graph, we'll convert it to calls to quantize and dequantize functions based …
364 input - quantize - dequantize - reference_linear_relu - quantize - dequantize - output
366 dequantize
372 Note: weight + quantize + dequantize is a part of reference_linear_relu module
415 dequantize_1 = linear.dequantize(); linear = None
421 1. Recognize the reference patterns like: "dequantize - `float_op` - quantize" in the graph and rep…
[all …]
/aosp_15_r20/external/pytorch/test/quantization/core/
H A Dtest_quantized_op.py209 dqX = qX.dequantize()
419 dqX = qX.dequantize()
427 self.assertEqual(qY.dequantize(), qY_hat.dequantize(),
445 dqX = qX.dequantize()
471 dqX = qX.dequantize()
500 dqX = qX.dequantize()
507 self.assertEqual(qY.dequantize(), qY_hat.dequantize(),
530 dqX = qX.dequantize()
533 dqW = qW.dequantize()
541 self.assertEqual(qY.dequantize(), qY_hat.dequantize(),
[all …]
H A Dtest_quantized_tensor.py246 # dequantize
247 rqr = qr.dequantize()
401 rqr = qr.dequantize()
408 rqr = qr.dequantize()
429 data_fp16_dequant = data_fp16.dequantize()
502 rqr = qr.dequantize()
571 dqtr = qtr.dequantize()
573 dqtr_cuda = qtr_cuda.dequantize()
597 dqr = qr.dequantize()
600 dqr_cuda = qr_cuda.dequantize()
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/
H A Ddequantize.cc15 #include "tensorflow/lite/kernels/dequantize.h"
26 namespace dequantize { namespace
69 // the output tensor. Otherwise we run dequantize upon each eval. in Prepare()
98 } // namespace dequantize
102 dequantize::Init, dequantize::Free, dequantize::Prepare, in Register_DEQUANTIZE_OPT()
103 dequantize::Eval<dequantize::kGenericOptimized>}; in Register_DEQUANTIZE_OPT()
108 static TfLiteRegistration r = {dequantize::Init, dequantize::Free, in Register_DEQUANTIZE_REF()
109 dequantize::Prepare, in Register_DEQUANTIZE_REF()
110 dequantize::Eval<dequantize::kReference>}; in Register_DEQUANTIZE_REF()
H A Ddequantize.h23 #include "tensorflow/lite/kernels/internal/reference/dequantize.h"
24 #include "tensorflow/lite/kernels/internal/reference/integer_ops/dequantize.h"
33 namespace dequantize {
35 // This file has two implementation of Dequantize.
96 reference_ops::Dequantize( in DequantizeImpl()
100 optimized_ops::Dequantize( in DequantizeImpl()
107 reference_integer_ops::Dequantize<int8_t>( in DequantizeImpl()
111 optimized_ops::Dequantize( in DequantizeImpl()
118 reference_integer_ops::Dequantize<int16_t>( in DequantizeImpl()
122 optimized_ops::Dequantize( in DequantizeImpl()
[all …]
/aosp_15_r20/external/icing/icing/index/embed/
H A Dquantizer_test.cc55 EXPECT_FLOAT_EQ(quantizer.Dequantize(0), float_min); in TEST()
59 EXPECT_FLOAT_EQ(quantizer.Dequantize(255), float_max); in TEST()
67 EXPECT_NEAR(quantizer.Dequantize(quantized_value), original_value, eps); in TEST()
73 EXPECT_NEAR(quantizer.Dequantize(quantized_value), original_value, eps); in TEST()
77 EXPECT_NEAR(quantizer.Dequantize(quantized_value), original_value, eps); in TEST()
96 EXPECT_FLOAT_EQ(quantizer.Dequantize(0), float_min); in TEST()
100 EXPECT_FLOAT_EQ(quantizer.Dequantize(255), float_max); in TEST()
108 EXPECT_NEAR(quantizer.Dequantize(quantized_value), original_value, eps); in TEST()
114 EXPECT_NEAR(quantizer.Dequantize(quantized_value), original_value, eps); in TEST()
118 EXPECT_NEAR(quantizer.Dequantize(quantized_value), original_value, eps); in TEST()
[all …]
/aosp_15_r20/external/armnn/src/armnn/
H A DTypesUtils.cpp46 float armnn::Dequantize(QuantizedType value, float scale, int32_t offset) in Dequantize() function in armnn
70 /// Explicit specialization of Dequantize for int8_t
72 float armnn::Dequantize<int8_t>(int8_t value, float scale, int32_t offset);
74 /// Explicit specialization of Dequantize for uint8_t
76 float armnn::Dequantize<uint8_t>(uint8_t value, float scale, int32_t offset);
78 /// Explicit specialization of Dequantize for int16_t
80 float armnn::Dequantize<int16_t>(int16_t value, float scale, int32_t offset);
82 /// Explicit specialization of Dequantize for int32_t
84 float armnn::Dequantize<int32_t>(int32_t value, float scale, int32_t offset);
86 /// Explicit specialization of Dequantize for int64_t
[all …]
/aosp_15_r20/external/pytorch/test/quantization/fx/
H A Dtest_equalize_fx.py621 ns.call_method('dequantize')
628 ns.call_method('dequantize'),
633 ns.call_method('dequantize')
641 ns.call_method('dequantize')
648 ns.call_method('dequantize')
655 ns.call_method('dequantize'),
660 ns.call_method('dequantize')
668 ns.call_method('dequantize')
675 ns.call_method('dequantize')
683 ns.call_method('dequantize')
[all …]
H A Dtest_quantize_fx.py539 ns.call_method("dequantize"): 1,
546 ns.call_method("dequantize"): 3,
640 ns.call_method('dequantize')
647 ns.call_method('dequantize')
2002 ns.call_method("dequantize") : 1,
2006 # so we'll see quantize and dequantize in the modoule
2009 ns.call_method("dequantize") : 1,
2037 ns.call_method("dequantize") : 1,
2045 ns.call_method("dequantize") : 0,
2079 ns.call_method("dequantize"),
[all …]
/aosp_15_r20/external/armnn/src/backends/reference/workloads/
H A DBaseIterator.hpp126 return armnn::Dequantize(*m_Iterator, m_Scale, m_Offset); in Get()
140 decodedTensor.emplace_back(armnn::Dequantize(*m_Iterator, m_Scale, m_Offset)); in DecodeTensor()
163 return armnn::Dequantize(*m_Iterator, m_Scale, m_Offset); in Get()
177 decodedTensor.emplace_back(armnn::Dequantize(*m_Iterator, m_Scale, m_Offset)); in DecodeTensor()
200 return armnn::Dequantize(*m_Iterator, m_Scale, m_Offset); in Get()
214 decodedTensor.emplace_back(armnn::Dequantize(*m_Iterator, m_Scale, m_Offset)); in DecodeTensor()
237 return armnn::Dequantize(*m_Iterator, m_Scale, m_Offset); in Get()
251 decodedTensor.emplace_back(armnn::Dequantize(*m_Iterator, m_Scale, m_Offset)); in DecodeTensor()
509 return armnn::Dequantize(*m_Iterator, m_Scale, m_Offset); in Get()
533 return armnn::Dequantize(*m_Iterator, m_Scale, m_Offset); in Get()
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/
H A Ddequantize_op.cc130 "Dequantize with axis != -1.")); in Compute()
184 meta::Dequantize(ctx, input_ui8_array.data(), input_ui8_array.size(), in DequantizeTensor()
211 // dequantize and quantize_and_dequantize ops. in DequantizeSlice()
247 REGISTER_KERNEL_BUILDER(Name("Dequantize")
252 REGISTER_KERNEL_BUILDER(Name("Dequantize")
257 REGISTER_KERNEL_BUILDER(Name("Dequantize")
262 REGISTER_KERNEL_BUILDER(Name("Dequantize")
267 REGISTER_KERNEL_BUILDER(Name("Dequantize")
273 REGISTER_KERNEL_BUILDER(Name("Dequantize")
278 REGISTER_KERNEL_BUILDER(Name("Dequantize")
[all …]

12345678910>>...58