NetsPresso
Table of Contents:
Installation
API Description
NetsPresso
Index
Index
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
J
|
K
|
L
|
M
|
N
|
O
|
P
|
Q
|
R
|
S
|
T
|
U
|
V
|
W
|
X
|
Z
A
Abs (OnnxOperator attribute)
Acos (OnnxOperator attribute)
Acosh (OnnxOperator attribute)
Adagrad (OnnxOperator attribute)
Adam (OnnxOperator attribute)
Add (OnnxOperator attribute)
ADVANCED_QUANTIZATION (QuantizationMode attribute)
AffineGrid (OnnxOperator attribute)
AIMET (Extension attribute)
(Framework attribute)
ALIF_ENSEMBLE_E7_DEVKIT_GEN2 (DeviceName attribute)
ALL (ComputeUnit attribute)
allow_fp32_as_fp16 (TfliteOptions attribute)
And (OnnxOperator attribute)
ARDUINO_NICLA_VISION (DeviceName attribute)
ArgMax (OnnxOperator attribute)
ArgMin (OnnxOperator attribute)
ARM_ETHOS_U_SERIES (DeviceName attribute)
ArrayFeatureExtractor (OnnxOperator attribute)
Asin (OnnxOperator attribute)
Asinh (OnnxOperator attribute)
Atan (OnnxOperator attribute)
Atanh (OnnxOperator attribute)
AUTO (RangeScheme attribute)
automatic_compression() (in module netspresso.compressor.__init__.CompressorV2)
AUTOMATIC_QUANTIZATION (QuantizationMode attribute)
automatic_quantization() (in module netspresso.quantizer.__init__.Quantizer)
AVAILABLE_INT8_DEVICES (DeviceName attribute)
AVERAGE (GroupPolicy attribute)
(Policy attribute)
AveragePool (OnnxOperator attribute)
AWS_T4 (DeviceName attribute)
B
BALANCED (ContextHtpPerformanceMode attribute)
(OnnxQnnHtpPerformanceMode attribute)
BatchNormalization (OnnxOperator attribute)
benchmark_model() (in module netspresso.benchmarker.__init__.BenchmarkerV2)
(in module netspresso.np_qai.benchmarker.NPQAIBenchmarker)
Bernoulli (OnnxOperator attribute)
Binarizer (OnnxOperator attribute)
BitShift (OnnxOperator attribute)
BitwiseAnd (OnnxOperator attribute)
BitwiseNot (OnnxOperator attribute)
BitwiseOr (OnnxOperator attribute)
BitwiseXor (OnnxOperator attribute)
BlackmanWindow (OnnxOperator attribute)
BRIEF (ContextErrorReportingOptionsLevel attribute)
BURST (ContextHtpPerformanceMode attribute)
(OnnxQnnHtpPerformanceMode attribute)
C
Cast (OnnxOperator attribute)
CastLike (OnnxOperator attribute)
CastMap (OnnxOperator attribute)
CategoryMapper (OnnxOperator attribute)
Ceil (OnnxOperator attribute)
Celu (OnnxOperator attribute)
CenterCropPad (OnnxOperator attribute)
Clip (OnnxOperator attribute)
Col2Im (OnnxOperator attribute)
CommonOptions (class in netspresso.np_qai.options.common)
CompileOptions (class in netspresso.np_qai.options.compile)
Compress (OnnxOperator attribute)
compress_model() (in module netspresso.compressor.__init__.CompressorV2)
CompressionMethod (class in netspresso.enums.__init__)
compute_unit (CommonOptions attribute)
ComputeUnit (class in netspresso.np_qai.options.common)
Concat (OnnxOperator attribute)
ConcatFromSequence (OnnxOperator attribute)
Constant (OnnxOperator attribute)
ConstantOfShape (OnnxOperator attribute)
context_async_execution_queue_depth_numeric (QnnOptions attribute)
context_enable_graphs (QnnOptions attribute)
context_error_reporting_options_level (QnnOptions attribute)
context_error_reporting_options_storage_limit (QnnOptions attribute)
context_gpu_performance_hint (QnnOptions attribute)
context_gpu_use_gl_buffers (QnnOptions attribute)
context_htp_performance_mode (QnnOptions attribute)
context_memory_limit_hint (QnnOptions attribute)
context_priority (QnnOptions attribute)
ContextErrorReportingOptionsLevel (class in netspresso.np_qai.options.profile)
ContextGpuPerformanceHint (class in netspresso.np_qai.options.profile)
ContextHtpPerformanceMode (class in netspresso.np_qai.options.profile)
Conv (OnnxOperator attribute)
convert_model() (in module netspresso.converter.__init__.ConverterV2)
(in module netspresso.np_qai.converter.NPQAIConverter)
ConvInteger (OnnxOperator attribute)
ConvTranspose (OnnxOperator attribute)
COREML (Framework attribute)
Cos (OnnxOperator attribute)
Cosh (OnnxOperator attribute)
COUNT (GroupPolicy attribute)
CPU (ComputeUnit attribute)
create_compressor_literal() (Framework class method)
create_launcher_literal() (Framework class method)
CumSum (OnnxOperator attribute)
CUSTOM (OriginFrom attribute)
CUSTOM_PRECISION_QUANTIZATION (QuantizationMode attribute)
custom_precision_quantization_by_layer_name() (in module netspresso.quantizer.__init__.Quantizer)
custom_precision_quantization_by_operator_type() (in module netspresso.quantizer.__init__.Quantizer)
D
DataType (class in netspresso.enums.__init__)
DEFAULT (OnnxQnnHtpPerformanceMode attribute)
default_graph_gpu_disable_memory_optimizations (QnnOptions attribute)
default_graph_gpu_disable_node_optimizations (QnnOptions attribute)
default_graph_gpu_disable_queue_recording (QnnOptions attribute)
default_graph_gpu_precision (QnnOptions attribute)
default_graph_htp_disable_fold_relu_activation_into_conv (QnnOptions attribute)
default_graph_htp_disable_short_depth_conv_on_hmx (QnnOptions attribute)
default_graph_htp_num_hvx_threads (QnnOptions attribute)
default_graph_htp_optimization_type (QnnOptions attribute)
default_graph_htp_optimization_value (QnnOptions attribute)
default_graph_htp_precision (QnnOptions attribute)
default_graph_htp_vtcm_size (QnnOptions attribute)
default_graph_priority (QnnOptions attribute)
DefaultGraphGpuPrecision (class in netspresso.np_qai.options.profile)
DefaultGraphHtpOptimizationType (class in netspresso.np_qai.options.profile)
DefaultGraphHtpPrecision (class in netspresso.np_qai.options.profile)
DeformConv (OnnxOperator attribute)
DepthToSpace (OnnxOperator attribute)
dequantize_outputs (ProfileCommonOptions attribute)
DequantizeLinear (OnnxOperator attribute)
Det (OnnxOperator attribute)
DETAILED (ContextErrorReportingOptionsLevel attribute)
DeviceName (class in netspresso.enums.__init__)
DFT (OnnxOperator attribute)
DictVectorizer (OnnxOperator attribute)
DIRECTML (OnnxExecutionProviders attribute)
DISABLE_ALL (GraphOptimizationLevel attribute)
Div (OnnxOperator attribute)
download_benchmark_results() (in module netspresso.np_qai.benchmarker.NPQAIBenchmarker)
download_model() (in module netspresso.np_qai.converter.NPQAIConverter)
(in module netspresso.np_qai.quantizer.NPQAIQuantizer)
download_profile() (in module netspresso.np_qai.benchmarker.NPQAIBenchmarker)
Dropout (OnnxOperator attribute)
DRPAI (Framework attribute)
DynamicQuantizeLinear (OnnxOperator attribute)
E
Einsum (OnnxOperator attribute)
Elu (OnnxOperator attribute)
ENABLE_ALL (GraphOptimizationLevel attribute)
ENABLE_BASIC (GraphOptimizationLevel attribute)
enable_cpu_memory_arena (OnnxOptions attribute)
ENABLE_EXTENDED (GraphOptimizationLevel attribute)
enable_fallback (TfliteOptions attribute)
enable_memory_pattern (OnnxOptions attribute)
Equal (OnnxOperator attribute)
ERF (OnnxOperator attribute)
ERROR (TaskStatus attribute)
execution_mode (OnnxOptions attribute)
ExecutionMode (class in netspresso.np_qai.options.profile)
Exp (OnnxOperator attribute)
Expand (OnnxOperator attribute)
Extension (class in netspresso.enums.__init__)
(class in netspresso.np_qai.options.compile)
EXTREME_POWER_SAVER (ContextHtpPerformanceMode attribute)
EyeLike (OnnxOperator attribute)
F
FD_CP (CompressionMethod attribute)
FD_SVD (CompressionMethod attribute)
FD_TK (CompressionMethod attribute)
FeatureVectorizer (OnnxOperator attribute)
FINALIZE_OPTIMIZATION_FLAG (DefaultGraphHtpOptimizationType attribute)
FINISHED (TaskStatus attribute)
Flatten (OnnxOperator attribute)
FLOAT16 (DefaultGraphGpuPrecision attribute)
(DefaultGraphHtpPrecision attribute)
(QuantizationPrecision attribute)
FLOAT32 (DefaultGraphGpuPrecision attribute)
(QuantizationPrecision attribute)
Floor (OnnxOperator attribute)
force_channel_last_input (CompileOptions attribute)
force_channel_last_output (CompileOptions attribute)
force_opengl (TfliteOptions attribute)
FP16 (DataType attribute)
(QuantizeWeightType attribute)
FP32 (DataType attribute)
Framework (class in netspresso.enums.__init__)
(class in netspresso.np_qai.options.compile)
G
Gather (OnnxOperator attribute)
GatherElements (OnnxOperator attribute)
GatherND (OnnxOperator attribute)
Gelu (OnnxOperator attribute)
Gemm (OnnxOperator attribute)
get_benchmark_task_status() (in module netspresso.np_qai.benchmarker.NPQAIBenchmarker)
get_compression() (in module netspresso.compressor.__init__.CompressorV2)
get_convert_task_status() (in module netspresso.np_qai.converter.NPQAIConverter)
get_dataset() (in module netspresso.np_qai.base.NPQAIBase)
get_datasets() (in module netspresso.np_qai.base.NPQAIBase)
get_device_attributes() (in module netspresso.np_qai.base.NPQAIBase)
get_devices() (in module netspresso.np_qai.base.NPQAIBase)
get_inference_task_status() (in module netspresso.np_qai.benchmarker.NPQAIBenchmarker)
get_job() (in module netspresso.np_qai.base.NPQAIBase)
get_job_summaries() (in module netspresso.np_qai.base.NPQAIBase)
get_model() (in module netspresso.np_qai.base.NPQAIBase)
get_models() (in module netspresso.np_qai.base.NPQAIBase)
get_quantize_task_status() (in module netspresso.np_qai.quantizer.NPQAIQuantizer)
get_recommendation_precision() (in module netspresso.quantizer.__init__.Quantizer)
GlobalAveragePool (OnnxOperator attribute)
GlobalLpPool (OnnxOperator attribute)
GlobalMaxPool (OnnxOperator attribute)
GPU (ComputeUnit attribute)
(TfliteDelegates attribute)
gpu_inference_preference (TfliteGpuv2Options attribute)
gpu_inference_priority1 (TfliteGpuv2Options attribute)
gpu_inference_priority2 (TfliteGpuv2Options attribute)
gpu_inference_priority3 (TfliteGpuv2Options attribute)
gpu_max_delegated_partitions (TfliteGpuv2Options attribute)
GpuInferencePreference (class in netspresso.np_qai.options.profile)
GpuInferencePriority (class in netspresso.np_qai.options.profile)
Gradient (OnnxOperator attribute)
graph_optimization_level (OnnxOptions attribute)
GraphOptimizationLevel (class in netspresso.np_qai.options.profile)
Greater (OnnxOperator attribute)
GreaterOrEqual (OnnxOperator attribute)
GridSample (OnnxOperator attribute)
GroupNormalization (OnnxOperator attribute)
GroupPolicy (class in netspresso.enums.__init__)
GRU (OnnxOperator attribute)
H
H5 (Extension attribute)
,
[1]
HammingWindow (OnnxOperator attribute)
handle_common_options() (ProfileCommonOptions method)
handle_onnx_options() (ProfileCommonOptions method)
handle_qnn_options() (ProfileCommonOptions method)
handle_tflite_options() (ProfileCommonOptions method)
HannWindow (OnnxOperator attribute)
Hardmax (OnnxOperator attribute)
HardSigmoid (OnnxOperator attribute)
HardSwish (OnnxOperator attribute)
HardwareType (class in netspresso.enums.__init__)
HELIUM (HardwareType attribute)
HIGH (ContextGpuPerformanceHint attribute)
(Priority attribute)
HIGH_PERFORMANCE (ContextHtpPerformanceMode attribute)
(OnnxQnnHtpPerformanceMode attribute)
HIGH_POWER_SAVER (ContextHtpPerformanceMode attribute)
(OnnxQnnHtpPerformanceMode attribute)
HYBRID (DefaultGraphGpuPrecision attribute)
I
Identity (OnnxOperator attribute)
If (OnnxOperator attribute)
IMAGE_CLASSIFICATION (Task attribute)
ImageDecoder (OnnxOperator attribute)
Imputer (OnnxOperator attribute)
IN_PROGRESS (TaskStatus attribute)
IN_QUEUE (TaskStatus attribute)
inference_model() (in module netspresso.np_qai.benchmarker.NPQAIBenchmarker)
InferenceOptions (class in netspresso.np_qai.options.profile)
InstanceNormalization (OnnxOperator attribute)
INT16 (QuantizeFullType attribute)
(QuantizePrecision attribute)
INT4 (QuantizePrecision attribute)
INT8 (DataType attribute)
(QuantizationPrecision attribute)
(QuantizeFullType attribute)
(QuantizePrecision attribute)
INTEL_DEVICES (DeviceName attribute)
INTEL_XEON_W_2233 (DeviceName attribute)
inter_op_num_threads (OnnxOptions attribute)
intra_op_num_threads (OnnxOptions attribute)
invoke_interpreter_on_cold_load (TfliteOptions attribute)
IsInf (OnnxOperator attribute)
IsNaN (OnnxOperator attribute)
J
JETPACK_4_4_1 (SoftwareVersion attribute)
JETPACK_4_6 (SoftwareVersion attribute)
JETPACK_5_0_1 (SoftwareVersion attribute)
JETPACK_5_0_2 (SoftwareVersion attribute)
JETPACK_6_0 (SoftwareVersion attribute)
JETSON_AGX_ORIN (DeviceName attribute)
JETSON_DEVICES (DeviceName attribute)
JETSON_NANO (DeviceName attribute)
JETSON_NX (DeviceName attribute)
JETSON_ORIN_NANO (DeviceName attribute)
JETSON_TX2 (DeviceName attribute)
JETSON_XAVIER (DeviceName attribute)
K
K_DPS_SUSTAINED_HIGH_PERFORMANCE (QnnDspPerformanceMode attribute)
K_DSP_BALANCED (QnnDspPerformanceMode attribute)
K_DSP_BURST (QnnDspPerformanceMode attribute)
K_DSP_DYNAMIC (QnnDspEncoding attribute)
K_DSP_HIGH_PERFORMANCE (QnnDspPerformanceMode attribute)
K_DSP_HIGH_POWER_SAVER (QnnDspPerformanceMode attribute)
K_DSP_LOW_BALANCED (QnnDspPerformanceMode attribute)
K_DSP_LOW_POWER_SAVER (QnnDspPerformanceMode attribute)
K_DSP_POWER_SAVER (QnnDspPerformanceMode attribute)
K_DSP_STATIC (QnnDspEncoding attribute)
K_FAST_SINGLE_ANSWER (NnapiExecutionPreference attribute)
K_GPU_DEFAULT (QnnGpuPerformanceMode attribute)
K_GPU_FP16 (QnnGpuPrecision attribute)
K_GPU_FP32 (QnnGpuPrecision attribute)
K_GPU_HIGH (QnnGpuPerformanceMode attribute)
K_GPU_HYBRID (QnnGpuPrecision attribute)
K_GPU_LOW (QnnGpuPerformanceMode attribute)
K_GPU_NORMAL (QnnGpuPerformanceMode attribute)
K_GPU_USER_PROVIDED (QnnGpuPrecision attribute)
K_HTP_BALANCED (TfliteQnnHtpPerformanceMode attribute)
K_HTP_BURST (TfliteQnnHtpPerformanceMode attribute)
K_HTP_FP16 (QnnHtpPrecision attribute)
K_HTP_HIGH_PERFORMANCE (TfliteQnnHtpPerformanceMode attribute)
K_HTP_HIGH_POWER_SAVER (TfliteQnnHtpPerformanceMode attribute)
K_HTP_LOW_BALANCED (TfliteQnnHtpPerformanceMode attribute)
K_HTP_LOW_POWER_SAVER (TfliteQnnHtpPerformanceMode attribute)
K_HTP_OPTIMIZE_FOR_INFERENCE (QnnHtpOptimizationStrategy attribute)
K_HTP_OPTIMIZE_FOR_PREPARE (QnnHtpOptimizationStrategy attribute)
K_HTP_POWER_SAVER (TfliteQnnHtpPerformanceMode attribute)
K_HTP_QUANTIZED (QnnHtpPrecision attribute)
K_HTP_SUSTAINED_HIGH_PERFORMANCE (TfliteQnnHtpPerformanceMode attribute)
K_LOG_LEVEL_DEBUG (QnnLogLevel attribute)
K_LOG_LEVEL_ERROR (QnnLogLevel attribute)
K_LOG_LEVEL_INFO (QnnLogLevel attribute)
K_LOG_LEVEL_VERBOSE (QnnLogLevel attribute)
K_LOG_LEVEL_WARN (QnnLogLevel attribute)
K_LOG_OFF (QnnLogLevel attribute)
K_LOW_POWER (NnapiExecutionPreference attribute)
K_QNN_PRIORITY_DEFAULT (QnnGraphPriority attribute)
K_QNN_PRIORITY_HIGH (QnnGraphPriority attribute)
K_QNN_PRIORITY_LOW (QnnGraphPriority attribute)
K_QNN_PRIORITY_NORMAL (QnnGraphPriority attribute)
K_QNN_PRIORITY_NORMAL_HIGH (QnnGraphPriority attribute)
K_QNN_PRIORITY_UNDEFINED (QnnGraphPriority attribute)
K_SUSTAINED_SPEED (NnapiExecutionPreference attribute)
L
LabelEncoder (OnnxOperator attribute)
LayerNorm (class in netspresso.enums.__init__)
LayerNormalization (OnnxOperator attribute)
LeakyRelu (OnnxOperator attribute)
Less (OnnxOperator attribute)
LessOrEqual (OnnxOperator attribute)
LINEAR_SCALING (LayerNorm attribute)
LinearClassifier (OnnxOperator attribute)
LinearRegressor (OnnxOperator attribute)
Log (OnnxOperator attribute)
LogSoftmax (OnnxOperator attribute)
Loop (OnnxOperator attribute)
LOW (ContextGpuPerformanceHint attribute)
(Priority attribute)
LOW_BALANCED (ContextHtpPerformanceMode attribute)
(OnnxQnnHtpPerformanceMode attribute)
LOW_POWER_SAVER (ContextHtpPerformanceMode attribute)
(OnnxQnnHtpPerformanceMode attribute)
LpNormalization (OnnxOperator attribute)
LpPool (OnnxOperator attribute)
LRN (OnnxOperator attribute)
LSTM (OnnxOperator attribute)
M
MatMul (OnnxOperator attribute)
MatMulInteger (OnnxOperator attribute)
Max (OnnxOperator attribute)
max_profiler_iterations (ProfileCommonOptions attribute)
max_profiler_time (ProfileCommonOptions attribute)
MaxPool (OnnxOperator attribute)
MaxRoiPool (OnnxOperator attribute)
MaxUnpool (OnnxOperator attribute)
Mean (OnnxOperator attribute)
MeanVarianceNormalization (OnnxOperator attribute)
MelWeightMatrix (OnnxOperator attribute)
Min (OnnxOperator attribute)
MIN_MAX (RangeScheme attribute)
Mish (OnnxOperator attribute)
Mod (OnnxOperator attribute)
module
netspresso.np_qai.options.common
netspresso.np_qai.options.compile
netspresso.np_qai.options.profile
netspresso.np_qai.options.quantize
Momentum (OnnxOperator attribute)
MSE_MINIMIZER (RangeScheme attribute)
Mul (OnnxOperator attribute)
Multinomial (OnnxOperator attribute)
N
Neg (OnnxOperator attribute)
NegativeLogLikelihoodLoss (OnnxOperator attribute)
netspresso.np_qai.options.common
module
netspresso.np_qai.options.compile
module
netspresso.np_qai.options.profile
module
netspresso.np_qai.options.quantize
module
NNAPI (TfliteDelegates attribute)
nnapi_allow_fp16 (TfliteNnapiOptions attribute)
nnapi_execution_preference (TfliteNnapiOptions attribute)
NNAPI_GPU (TfliteDelegates attribute)
nnapi_max_number_delegated_partitions (TfliteNnapiOptions attribute)
NnapiExecutionPreference (class in netspresso.np_qai.options.profile)
NONE (DataType attribute)
(GroupPolicy attribute)
(LayerNorm attribute)
NonMaxSuppression (OnnxOperator attribute)
NonZero (OnnxOperator attribute)
NORMAL (ContextGpuPerformanceHint attribute)
(Priority attribute)
NORMAL_HIGH (Priority attribute)
Normalizer (OnnxOperator attribute)
Not (OnnxOperator attribute)
NPMS (OriginFrom attribute)
NPU (ComputeUnit attribute)
number_of_threads (TfliteOptions attribute)
NVIDIA_GRAPHIC_CARDS (DeviceName attribute)
NXP_iMX93 (DeviceName attribute)
O
OBJECT_DETECTION (Task attribute)
OneHot (OnnxOperator attribute)
OneHotEncoder (OnnxOperator attribute)
ONLY_INT8_DEVICES (DeviceName attribute)
ONNX (Extension attribute)
,
[1]
(Framework attribute)
,
[1]
(Runtime attribute)
onnx_execution_providers (ProfileCommonOptions attribute)
onnx_options (ProfileCommonOptions attribute)
OnnxExecutionProviders (class in netspresso.np_qai.options.profile)
OnnxOperator (class in netspresso.enums.__init__)
OnnxOptions (class in netspresso.np_qai.options.profile)
OnnxQnnHtpPerformanceMode (class in netspresso.np_qai.options.profile)
OnnxQnnOptions (class in netspresso.np_qai.options.profile)
ONNXRUNTIME (Framework attribute)
OPENVINO (Framework attribute)
Optional (OnnxOperator attribute)
OptionalGetElement (OnnxOperator attribute)
OptionalHasElement (OnnxOperator attribute)
Or (OnnxOperator attribute)
OriginFrom (class in netspresso.enums.__init__)
output_names (CompileOptions attribute)
P
Pad (OnnxOperator attribute)
PARALLEL (ExecutionMode attribute)
Policy (class in netspresso.enums.__init__)
Pow (OnnxOperator attribute)
POWER_SAVER (ContextHtpPerformanceMode attribute)
(OnnxQnnHtpPerformanceMode attribute)
PR_GM (CompressionMethod attribute)
PR_ID (CompressionMethod attribute)
PR_L2 (CompressionMethod attribute)
PR_NN (CompressionMethod attribute)
PR_SNP (CompressionMethod attribute)
PRECOMPILED_QNN_ONNX (Runtime attribute)
PRelu (OnnxOperator attribute)
Priority (class in netspresso.np_qai.options.profile)
ProfileCommonOptions (class in netspresso.np_qai.options.profile)
ProfileOptions (class in netspresso.np_qai.options.profile)
PT (Extension attribute)
,
[1]
PYTORCH (Framework attribute)
,
[1]
Q
QLinearConv (OnnxOperator attribute)
QLinearMatMul (OnnxOperator attribute)
QNN (Framework attribute)
(OnnxExecutionProviders attribute)
(TfliteDelegates attribute)
QNN_CONTEXT_BINARY (Runtime attribute)
qnn_context_binary_optimization_level (CompileOptions attribute)
qnn_context_binary_vtcm (CompileOptions attribute)
qnn_dsp_encoding (TfliteQnnOptions attribute)
qnn_dsp_performance_mode (TfliteQnnOptions attribute)
qnn_enable_htp_fp16_precision (OnnxQnnOptions attribute)
QNN_GPU (OnnxExecutionProviders attribute)
(TfliteDelegates attribute)
qnn_gpu_performance_mode (TfliteQnnOptions attribute)
qnn_gpu_precision (TfliteQnnOptions attribute)
qnn_graph_name (CompileOptions attribute)
qnn_graph_priority (TfliteQnnOptions attribute)
qnn_htp_graph_optimization_mode (OnnxQnnOptions attribute)
qnn_htp_num_hvx_threads (TfliteQnnOptions attribute)
qnn_htp_optimization_strategy (TfliteQnnOptions attribute)
qnn_htp_performance_mode (OnnxQnnOptions attribute)
(TfliteQnnOptions attribute)
qnn_htp_precision (TfliteQnnOptions attribute)
qnn_htp_use_conv_hmx (TfliteQnnOptions attribute)
qnn_htp_use_fold_relu (TfliteQnnOptions attribute)
qnn_htp_vtcm_size (TfliteQnnOptions attribute)
QNN_LIB_AARCH64_ANDROID (Runtime attribute)
qnn_log_level (TfliteQnnOptions attribute)
qnn_options (ProfileCommonOptions attribute)
QnnDspEncoding (class in netspresso.np_qai.options.profile)
QnnDspPerformanceMode (class in netspresso.np_qai.options.profile)
QnnGpuPerformanceMode (class in netspresso.np_qai.options.profile)
QnnGpuPrecision (class in netspresso.np_qai.options.profile)
QnnGraphPriority (class in netspresso.np_qai.options.profile)
QnnHtpOptimizationStrategy (class in netspresso.np_qai.options.profile)
QnnHtpPrecision (class in netspresso.np_qai.options.profile)
QnnLogLevel (class in netspresso.np_qai.options.profile)
QnnOptions (class in netspresso.np_qai.options.profile)
QuantizationMode (class in netspresso.enums.__init__)
QuantizationPrecision (class in netspresso.enums.__init__)
quantize_full_type (CompileOptions attribute)
quantize_io (CompileOptions attribute)
quantize_io_type (CompileOptions attribute)
quantize_model() (in module netspresso.np_qai.quantizer.NPQAIQuantizer)
quantize_weight_type (CompileOptions attribute)
QuantizeFullType (class in netspresso.np_qai.options.compile)
QuantizeLinear (OnnxOperator attribute)
QuantizeOptions (class in netspresso.np_qai.options.quantize)
QuantizePrecision (class in netspresso.np_qai.options.quantize)
QuantizeWeightType (class in netspresso.np_qai.options.compile)
R
RandomNormal (OnnxOperator attribute)
RandomNormalLike (OnnxOperator attribute)
RandomUniform (OnnxOperator attribute)
RandomUniformLike (OnnxOperator attribute)
Range (OnnxOperator attribute)
range_scheme (QuantizeOptions attribute)
RangeScheme (class in netspresso.np_qai.options.quantize)
RASPBERRY_PI_2B (DeviceName attribute)
RASPBERRY_PI_3B (DeviceName attribute)
RASPBERRY_PI_3B_PLUS (DeviceName attribute)
RASPBERRY_PI_4B (DeviceName attribute)
RASPBERRY_PI_5 (DeviceName attribute)
RASPBERRY_PI_DEVICES (DeviceName attribute)
RASPBERRY_PI_ZERO_2W (DeviceName attribute)
RASPBERRY_PI_ZERO_W (DeviceName attribute)
Reciprocal (OnnxOperator attribute)
RECOMMEND_QUANTIZATION (QuantizationMode attribute)
recommendation_compression() (in module netspresso.compressor.__init__.CompressorV2)
RecommendationMethod (class in netspresso.enums.__init__)
ReduceL1 (OnnxOperator attribute)
ReduceL2 (OnnxOperator attribute)
ReduceLogSum (OnnxOperator attribute)
ReduceLogSumExp (OnnxOperator attribute)
ReduceMax (OnnxOperator attribute)
ReduceMean (OnnxOperator attribute)
ReduceMin (OnnxOperator attribute)
ReduceProd (OnnxOperator attribute)
ReduceSum (OnnxOperator attribute)
ReduceSumSquare (OnnxOperator attribute)
RegexFullMatch (OnnxOperator attribute)
release_dynamic_tensors (TfliteOptions attribute)
Relu (OnnxOperator attribute)
RENESAS_DEVICES (DeviceName attribute)
RENESAS_RA8D1 (DeviceName attribute)
RENESAS_RZ_V2L (DeviceName attribute)
RENESAS_RZ_V2M (DeviceName attribute)
Reshape (OnnxOperator attribute)
Resize (OnnxOperator attribute)
ReverseSequence (OnnxOperator attribute)
RNN (OnnxOperator attribute)
RoiAlign (OnnxOperator attribute)
Round (OnnxOperator attribute)
Runtime (class in netspresso.np_qai.options.compile)
S
Scaler (OnnxOperator attribute)
Scan (OnnxOperator attribute)
Scatter (OnnxOperator attribute)
ScatterElements (OnnxOperator attribute)
ScatterND (OnnxOperator attribute)
select_compression_method() (in module netspresso.compressor.__init__.CompressorV2)
Selu (OnnxOperator attribute)
SEMANTIC_SEGMENTATION (Task attribute)
SequenceAt (OnnxOperator attribute)
SequenceConstruct (OnnxOperator attribute)
SequenceEmpty (OnnxOperator attribute)
SequenceErase (OnnxOperator attribute)
SequenceInsert (OnnxOperator attribute)
SequenceLength (OnnxOperator attribute)
SequenceMap (OnnxOperator attribute)
SEQUENTIAL (ExecutionMode attribute)
set_augmentation_config() (Trainer method)
set_dataset_config() (Trainer method)
set_environment_config() (Trainer method)
set_fx_model() (Trainer method)
set_logging_config() (Trainer method)
set_model_config() (Trainer method)
set_training_config() (Trainer method)
Shape (OnnxOperator attribute)
Shrink (OnnxOperator attribute)
Sigmoid (OnnxOperator attribute)
Sign (OnnxOperator attribute)
SimilarityMetric (class in netspresso.enums.__init__)
Sin (OnnxOperator attribute)
Sinh (OnnxOperator attribute)
Size (OnnxOperator attribute)
SLAMP (RecommendationMethod attribute)
Slice (OnnxOperator attribute)
SNR (SimilarityMetric attribute)
Softmax (OnnxOperator attribute)
SOFTMAX_NORM (LayerNorm attribute)
SoftmaxCrossEntropyLoss (OnnxOperator attribute)
Softplus (OnnxOperator attribute)
Softsign (OnnxOperator attribute)
SoftwareVersion (class in netspresso.enums.__init__)
SpaceToDepth (OnnxOperator attribute)
Split (OnnxOperator attribute)
SplitToSequence (OnnxOperator attribute)
Sqrt (OnnxOperator attribute)
Squeeze (OnnxOperator attribute)
STANDARD_SCORE (LayerNorm attribute)
STFT (OnnxOperator attribute)
StringConcat (OnnxOperator attribute)
StringNormalizer (OnnxOperator attribute)
StringSplit (OnnxOperator attribute)
Sub (OnnxOperator attribute)
SUM (GroupPolicy attribute)
Sum (OnnxOperator attribute)
SUM (Policy attribute)
SUSTAINED_HIGH_PERFORMANCE (ContextHtpPerformanceMode attribute)
(OnnxQnnHtpPerformanceMode attribute)
SVMClassifier (OnnxOperator attribute)
SVMRegressor (OnnxOperator attribute)
T
Tan (OnnxOperator attribute)
Tanh (OnnxOperator attribute)
target_runtime (CompileOptions attribute)
Task (class in netspresso.enums.__init__)
TaskStatus (class in netspresso.enums.__init__)
TENSORFLOW (Framework attribute)
,
[1]
TENSORFLOW_KERAS (Framework attribute)
TENSORFLOW_LITE (Framework attribute)
TENSORRT (Framework attribute)
,
[1]
TfIdfVectorizer (OnnxOperator attribute)
TFLITE (Framework attribute)
(Runtime attribute)
tflite_delegates (ProfileCommonOptions attribute)
TFLITE_GPU_INFERENCE_PREFERENCE_BALANCED (GpuInferencePreference attribute)
(GpuInferencePriority attribute)
TFLITE_GPU_INFERENCE_PREFERENCE_FAST_SINGLE_ANSWER (GpuInferencePreference attribute)
TFLITE_GPU_INFERENCE_PREFERENCE_SUSTAINED_SPEED (GpuInferencePreference attribute)
TFLITE_GPU_INFERENCE_PRIORITY_MAX_PRECISION (GpuInferencePriority attribute)
TFLITE_GPU_INFERENCE_PRIORITY_MIN_LATENCY (GpuInferencePriority attribute)
TFLITE_GPU_INFERENCE_PRIORITY_MIN_MEMORY_USAGE (GpuInferencePriority attribute)
tflite_options (ProfileCommonOptions attribute)
TfliteDelegates (class in netspresso.np_qai.options.profile)
TfliteGpuv2Options (class in netspresso.np_qai.options.profile)
TfliteNnapiOptions (class in netspresso.np_qai.options.profile)
TfliteOptions (class in netspresso.np_qai.options.profile)
TfliteQnnHtpPerformanceMode (class in netspresso.np_qai.options.profile)
TfliteQnnOptions (class in netspresso.np_qai.options.profile)
ThresholdedRelu (OnnxOperator attribute)
Tile (OnnxOperator attribute)
TIMEOUT (TaskStatus attribute)
to_cli_string() (CompileOptions method)
(OnnxOptions method)
(OnnxQnnOptions method)
(ProfileCommonOptions method)
(QnnOptions method)
(QuantizeOptions method)
(TfliteGpuv2Options method)
(TfliteNnapiOptions method)
(TfliteOptions method)
(TfliteQnnOptions method)
TopK (OnnxOperator attribute)
train() (Trainer method)
Trainer (class in netspresso.trainer.trainer)
Transpose (OnnxOperator attribute)
TreeEnsembleClassifier (OnnxOperator attribute)
TreeEnsembleRegressor (OnnxOperator attribute)
Trilu (OnnxOperator attribute)
truncate_64bit_io (CompileOptions attribute)
truncate_64bit_tensors (CompileOptions attribute)
TSS_NORM (LayerNorm attribute)
U
UNIFORM_PRECISION_QUANTIZATION (QuantizationMode attribute)
uniform_precision_quantization() (in module netspresso.quantizer.__init__.Quantizer)
Unique (OnnxOperator attribute)
Unsqueeze (OnnxOperator attribute)
update_benchmark_task() (in module netspresso.np_qai.benchmarker.NPQAIBenchmarker)
update_convert_task() (in module netspresso.np_qai.converter.NPQAIConverter)
update_quantize_task() (in module netspresso.np_qai.quantizer.NPQAIQuantizer)
upload_dataset() (in module netspresso.np_qai.base.NPQAIBase)
upload_model() (in module netspresso.compressor.__init__.CompressorV2)
(in module netspresso.np_qai.base.NPQAIBase)
Upsample (OnnxOperator attribute)
USER_CANCEL (TaskStatus attribute)
USER_PROVIDED (DefaultGraphGpuPrecision attribute)
V
VBMF (RecommendationMethod attribute)
W
W4A16 (QuantizeFullType attribute)
W4A8 (QuantizeFullType attribute)
W8A16 (QuantizeFullType attribute)
Where (OnnxOperator attribute)
X
XNNPACK (TfliteDelegates attribute)
Xor (OnnxOperator attribute)
Z
ZIP (Extension attribute)
ZipMap (OnnxOperator attribute)