Home
last modified time | relevance | path

Searched defs:dequantize (Results 1 – 25 of 29) sorted by relevance

12

/external/ComputeLibrary/tests/validation/reference/
DDequantizationLayer.cpp39 TOut dequantize(int8_t val, const UniformQuantizationInfo qinfo, DataType dt) in dequantize() function
51 TOut dequantize(uint8_t val, const UniformQuantizationInfo qinfo, DataType dt) in dequantize() function
57 TOut dequantize(int16_t val, const UniformQuantizationInfo qinfo, DataType dt) in dequantize() function
/external/ComputeLibrary/arm_compute/core/
DQuantizationInfo.h275 static inline float dequantize(QUANTIZED_TYPE value, const UniformQuantizationInfo &qinfo) in dequantize() function
287 static inline float dequantize(QUANTIZED_TYPE value, const QuantizationInfo &qinfo) in dequantize() function
385 inline float dequantize(uint8_t value, float scale, int32_t offset) in dequantize() function
460 inline float dequantize(int8_t value, float scale) in dequantize() function
472 inline float dequantize(int16_t value, float scale) in dequantize() function
485 inline float dequantize(uint16_t value, float scale, int32_t offset) in dequantize() function
/external/executorch/backends/cadence/reference/kernels/
Dkernels.cpp44 float dequantize(const T x, float scale, int32_t zero_point) { in dequantize() function
50 void dequantize( in dequantize() function
/external/pytorch/aten/src/ATen/native/cuda/cutlass_extensions/gemm/warp/
Dmma_tensorop_dequantizer.h156 void dequantize(FragmentDequantizedOperand& operand_frag, const FragmentScale& scale_frag) in dequantize() function
264 void dequantize(FragmentDequantizedOperand& operand_frag, const FragmentScale& scale_frag) in dequantize() function
360 void dequantize(FragmentDequantizedOperand& operand_frag, const FragmentScale& scale_frag) in dequantize() function
449 void dequantize(FragmentDequantizedOperand& operand_frag, const FragmentScale& scale_frag) in dequantize() function
/external/armnn/python/pyarmnn/src/pyarmnn/_quantization/
Dquantize_and_dequantize.py47 def dequantize(value: int, scale: float, offset: float, from_dtype: str) -> float: function
/external/pytorch/aten/src/ATen/quantized/
DQuantizer.cpp207 Tensor PerTensorAffineQuantizer::dequantize(const Tensor& qtensor) { in dequantize() function in at::PerTensorAffineQuantizer
244 Tensor PerChannelAffineQuantizer::dequantize(const Tensor& qtensor) { in dequantize() function in at::PerChannelAffineQuantizer
294 Tensor PerChannelAffineFloatQParamsQuantizer::dequantize(const Tensor& qtensor) { in dequantize() function in at::PerChannelAffineFloatQParamsQuantizer
438 Tensor UnknownQuantizer::dequantize(const Tensor& qtensor) { in dequantize() function in at::UnknownQuantizer
/external/ComputeLibrary/src/core/NEON/kernels/convolution/common/
Dqsymm8.cpp51 float QSymm8Params::dequantize(const int8_t value) const in dequantize() function in qsymm8::QSymm8Params
98 float QSymm8PerChannelParams::dequantize(const int8_t value, float scale) const in dequantize() function in qsymm8::QSymm8PerChannelParams
Dqasymm8.cpp51 float QAsymm8Params::dequantize(const uint8_t value) const in dequantize() function in qasymm8::QAsymm8Params
/external/executorch/extension/llm/custom_ops/spinquant/test/
Dfast_hadamard_transform_test.cpp90 float dequantize(T x, float scale) { in dequantize() function
95 std::vector<float> dequantize(const std::vector<T>& data, float scale) { in dequantize() function
/external/executorch/backends/cadence/hifi/kernels/
Dkernels.cpp72 dequantize(const T x, float scale, int32_t zero_point) { in dequantize() function
78 void dequantize( in dequantize() function
/external/tensorflow/tensorflow/compiler/mlir/lite/utils/
Dfake_quant_utils.h147 auto dequantize = rewriter.create<TFL::DequantizeOp>( in matchAndRewrite() local
/external/tensorflow/tensorflow/compiler/mlir/quantization/tensorflow/utils/
Dfake_quant_utils.h136 auto dequantize = rewriter.create<quantfork::DequantizeCastOp>( in matchAndRewrite() local
/external/pytorch/torch/ao/quantization/experimental/
Dquantizer.py70 def dequantize(self, apot_tensor) -> Tensor: member in APoTQuantizer
/external/tensorflow/tensorflow/lite/kernels/
Ddequantize.cc26 namespace dequantize { namespace
Ddetection_postprocess.cc247 Dequantizer dequantize(quant_zero_point, quant_scale); in DequantizeBoxEncodings() local
/external/tensorflow/tensorflow/compiler/mlir/lite/quantization/tensorflow/
Dtf_to_quant.cc141 auto dequantize = rewriter.create<quantfork::DequantizeCastOp>( in matchAndRewrite() local
/external/pytorch/torch/ao/nn/quantizable/modules/
Dactivation.py190 def dequantize(self): member in MultiheadAttention
/external/tensorflow/tensorflow/compiler/mlir/lite/transforms/
Ddefault_quant_params.cc190 auto dequantize = builder.create<TFL::DequantizeOp>( in QuantizeValue() local
/external/tensorflow/tensorflow/lite/tools/versioning/
Dop_signature.h68 } dequantize; member
/external/pytorch/aten/src/ATen/native/vulkan/ops/
DQuantizedTensor.cpp177 Tensor dequantize(const Tensor& self) { in dequantize() function
/external/pytorch/torch/csrc/jit/runtime/
Dvararg_functions.cpp403 void dequantize(Stack& stack) { in dequantize() function
/external/pytorch/torch/onnx/
Dsymbolic_caffe2.py186 def dequantize(g: jit_utils.GraphContext, input): function
/external/tensorflow/tensorflow/compiler/mlir/lite/quantization/
Dquantization_utils.h646 if (auto dequantize = llvm::dyn_cast<DQ>(user)) { in RewireFloatModelBackbone() local
Dquantization_driver.cc579 auto dequantize = builder_.create<quantfork::DequantizeCastOp>( in QuantizeValue() local
/external/tensorflow/tensorflow/compiler/tf2xla/python/
Dxla.py562 dequantize = gen_xla_ops.xla_dequantize variable

12