Skip to main content
Ctrl+K
OpenVINO™  documentation - Home

Site Navigation

    • Installation
    • Product Page
    • Blog
    • Forum
    • Support
    • Performance
  • GitHub

Site Navigation

    • Installation
    • Product Page
    • Blog
    • Forum
    • Support
    • Performance
  • GitHub

Section Navigation

  • GET STARTED
    • Install OpenVINO
      • OpenVINO GenAI
      • OpenVINO Runtime on Linux
        • Use Archive
        • Use PyPI
        • Use APT
        • Use YUM
        • Use ZYPPER
        • Use Conda Forge
        • Use vcpkg
        • Use Homebrew
        • Use Docker
        • Use Conan
        • Use npm
      • OpenVINO Runtime on Windows
        • Use Archive
        • Use PyPI
        • Use Conda Forge
        • Use vcpkg
        • Use Docker
        • Use Conan
        • Use npm
      • OpenVINO Runtime on macOS
        • Use Archive
        • Use Homebrew
        • Use PyPI
        • Use Conda Forge
        • Use vcpkg
        • Use Conan
        • Use npm
      • Create an OpenVINO Yocto Image
      • Additional Hardware Setup and Troubleshooting
        • For GPU
        • For NPU
        • GenAI Dependencies
        • Troubleshooting Guide for OpenVINO™ Installation & Configuration
    • Learn OpenVINO
      • Interactive Tutorials (Python)
        • Install Notebooks
        • Run Notebooks
      • Sample Applications (Python & C++)
        • Get Started with Samples
        • Hello Classification Sample
        • Hello NV12 Input Classification Sample
        • Hello Query Device Sample
        • Hello Reshape SSD Sample
        • Image Classification Async Sample
        • Model Creation Sample
        • Sync Benchmark Sample
        • Throughput Benchmark Sample
        • Bert Benchmark Python Sample
        • Benchmark Tool
    • System Requirements
  • HOW TO USE - GENERATIVE AI WORKFLOW
    • Generative Model Preparation
    • Inference with OpenVINO GenAI
      • NPU with OpenVINO GenAI
    • Inference with Optimum Intel
    • OpenVINO Tokenizers
  • HOW TO USE - CONVENTIONAL AI WORKFLOW
    • Conventional Model Preparation
      • Convert to OpenVINO Model
        • Convert from PyTorch
        • Convert from TensorFlow
        • Convert from ONNX
        • Convert from TensorFlow Lite
        • Convert from PaddlePaddle
        • Convert from JAX/Flax
        • Convert from Keras
      • Conversion Parameters
      • Setting Input Shapes
    • Model Optimization - NNCF
      • LLM Weight Compression
        • 4-bit Weight Quantization
        • Microscaling (MX) Quantization
      • Post-training Quantization
        • Basic Quantization Flow
        • Quantizing with Accuracy Control
      • Training-time Optimization
        • Quantization-aware Training (QAT)
        • Filter Pruning of Convolutional Models
    • Running Inference
      • Model Representation in OpenVINO™ Runtime
      • Model Input/Output
        • Changing Input Shapes
        • Dynamic Shapes
          • When Dynamic Shapes API is Not Applicable
        • String Tensors
      • OpenVINO™ Inference Request
        • Stateful models and State API
          • Obtaining a Stateful OpenVINO Model
        • OpenVINO™ Python API Exclusives
        • OpenVINO™ Runtime Python API Advanced Inference
      • Inference Devices and Modes
        • CPU Device
          • Performance Hints and Thread Scheduling
        • GPU Device
          • Remote Tensor API of GPU Plugin
        • NPU Device
          • Remote Tensor API of NPU Plugin
          • NPU Plugin Batching
        • Automatic Device Selection
          • Debugging Auto-Device Plugin
        • Heterogeneous Execution
        • Automatic Batching
        • Query Device Properties - Configuration
      • Optimize Inference
        • General Optimizations
        • High-level Performance Hints
        • Precision Control
        • Optimizing for Latency
          • Model Caching Overview
        • Optimizing for Throughput
          • Advanced Throughput Options
        • Optimize Preprocessing
          • Preprocessing API - details
            • Use Case - Integrate and Save Preprocessing Steps Into IR
          • Layout API Overview
          • Torchvision preprocessing converter
        • Further Low-Level Implementation Details
        • Optimizing memory usage
    • Deployment on a Local System
      • Local Distribution Libraries
      • Optimize Binaries Size
      • Integrate OpenVINO with Ubuntu Snap
    • PyTorch Deployment via “torch.compile”
  • HOW TO USE - MODEL SERVING
    • QuickStart - classic models
    • QuickStart - LLM models
    • Prepare a Model Repository
      • Classic Models
        • Use Cloud Storage
      • Graphs Repository
      • Exporting GEN AI Models
        • OVMS Pull mode
        • Exporting models using script
    • Deploy Model Server
      • Deploying Model Server in Docker Container
      • Deploying Model Server on Baremetal
      • OpenVINO Model Server as service on Windows
      • Deploying Model Server in Kubernetes
      • Starting the Server
      • Model Server Parameters
      • Using AI Accelerators
      • Security Considerations
    • Write a Client Application
      • Generative AI Use Cases
        • Chat completion API
        • Completions API
        • Embeddings API
        • Reranking API
        • Image generation API
        • Image generation API
        • Speech to text API
        • Text to speech API
      • TensorFlow Serving API
        • gRPC API
        • RESTful API
        • Examples
      • KServe API
        • gRPC API
        • RESTful API
        • Examples
      • OpenVINO Model Server C-API
    • Model Server Features
      • GenAI Endpoints
      • Integration with mediapipe
      • gRPC Streaming API
      • Python Execution in OpenVINO Model Server
      • Support for Binary Encoded Image Input Data
        • Input Shape and Layout Considerations
        • Predict on Binary Inputs via TensorFlow Serving API
        • Predict on Binary Inputs via KServe API
        • Convert TensorFlow Models to Accept Binary Inputs
      • Support for text data format
      • Batch, Shape and Layout
      • Dynamic Input Parameters
        • Dynamic Shape with dynamic IR/ONNX Model
        • Dynamic Shape with Binary Inputs
        • Dynamic Batch Size with Automatic Model Reloading
        • Dynamic Shape with Automatic Model Reloading
        • Dynamic batch size with OpenVINO™ Model Server Demultiplexer
        • Dynamic Shape with a Custom Node
      • Online Configuration Updates
      • Model Version Policy
      • Metrics
      • OpenVINO Model Server C-API
      • Advanced Features
        • CPU Extensions
        • Model Cache
        • Custom Model Loader
        • Securing Model Server with NGINX
      • Legacy features
        • Serving Stateful Models
        • Directed Acyclic Graph (DAG) Scheduler
          • Demultiplexing in DAG
          • Custom Node Development Guide
    • Performance tuning
    • Demos
      • Agentic AI with OpenVINO Model Server
      • Demonstrating integration of Open WebUI with OpenVINO Model Server
      • How to serve Rerank models via Cohere API
      • How to serve Embeddings models via OpenAI API
      • How to serve LLM models with Continuous Batching via OpenAI API
        • Testing LLM and VLM serving accuracy
        • RAG demo with OpenVINO Model Server
        • Scaling on a dual CPU socket server and multi-GPU hosts
        • How to serve LLM Models in Speculative Decoding Pipeline
      • Long context optimizations for LLM models
      • How to serve VLM models via OpenAI API
      • Text generation serving with NPU acceleration
      • Serving for Text generation with Visual Language Models with NPU acceleration
      • Visual Studio Code Local Assistant
      • Image Generation with OpenAI API
      • CLIP image classification
      • Age and Gender Recognition via REST API
      • Horizontal Text Detection in Real-Time
      • Optical Character Recognition with Directed Acyclic Graph
      • Face Detection Demo
      • Face Blur Pipeline Demo with OVMS
      • C API inference demo (C/C++)
      • Single Face Analysis Pipeline Demo
      • Multi Faces Analysis Pipeline Demo
      • Model Ensemble Pipeline Demo
      • MediaPipe Image Classification Demo
      • MediaPipe Multi Model Demo
      • MediaPipe Object Detection Demo
      • MediaPipe Holistic Demo
      • MediaPipe Iris Demo
      • Image Classification Demos
        • Image Classification Demo (Python)
        • Image Classification Demo (Go)
      • Prediction Example with an ONNX Model
      • Model Server demo with a direct import of TensorFlow model
      • Person, vehicle, bike detection with multiple data sources
      • Vehicle Analysis Pipeline Demo
      • Real Time Stream Analysis Demo
      • Classification Example with a PaddlePaddle Model
      • BERT Question Answering Demo
      • Using inputs data in string format with universal-sentence-encoder model
      • Benchmark Client
        • Benchmark Client (Python)
      • String output model demo
      • Loading GGUF models in OVMS
      • How to serve audio models via OpenAI API
    • Troubleshooting
  • REFERENCE DOCUMENTATION
    • API Reference
      • OpenVINO Python API
        • openvino
          • openvino.compile_model
          • openvino.convert_model
          • openvino.get_batch
          • openvino.get_version
          • openvino.save_model
          • openvino.serialize
          • openvino.set_batch
          • openvino.shutdown
          • openvino.tensor_from_file
          • openvino.AsyncInferQueue
          • openvino.AxisSet
          • openvino.AxisVector
          • openvino.CompiledModel
          • openvino.ConstOutput
          • openvino.Coordinate
          • openvino.CoordinateDiff
          • openvino.Core
          • openvino.Dimension
          • openvino.DiscreteTypeInfo
          • openvino.Extension
          • openvino.InferRequest
          • openvino.Input
          • openvino.Layout
          • openvino.LazyLoader
          • openvino.Model
          • openvino.Node
          • openvino.OVAny
          • openvino.Op
          • openvino.OpExtension
          • openvino.Output
          • openvino.PartialShape
          • openvino.ProfilingInfo
          • openvino.RTMap
          • openvino.RemoteContext
          • openvino.RemoteTensor
          • openvino.Shape
          • openvino.Strides
          • openvino.Symbol
          • openvino.Tensor
          • openvino.TensorVector
          • openvino.Type
          • openvino.VAContext
          • openvino.VASurfaceTensor
          • openvino.Version
        • openvino.preprocess
          • openvino.preprocess.get_version
          • openvino.preprocess.ColorFormat
          • openvino.preprocess.InputInfo
          • openvino.preprocess.InputModelInfo
          • openvino.preprocess.InputTensorInfo
          • openvino.preprocess.OutputInfo
          • openvino.preprocess.OutputModelInfo
          • openvino.preprocess.OutputTensorInfo
          • openvino.preprocess.PaddingMode
          • openvino.preprocess.PostProcessSteps
          • openvino.preprocess.PrePostProcessor
          • openvino.preprocess.PreProcessSteps
          • openvino.preprocess.ResizeAlgorithm
        • openvino.properties
          • openvino.properties.CacheMode
          • openvino.properties.WorkloadType
        • openvino.properties.device
          • openvino.properties.device.Capability
          • openvino.properties.device.Type
        • openvino.properties.hint
          • openvino.properties.hint.ExecutionMode
          • openvino.properties.hint.ModelDistributionPolicy
          • openvino.properties.hint.PerformanceMode
          • openvino.properties.hint.Priority
          • openvino.properties.hint.SchedulingCoreType
        • openvino.properties.intel_auto
          • openvino.properties.intel_auto.SchedulePolicy
        • openvino.properties.intel_cpu
          • openvino.properties.intel_cpu.TbbPartitioner
        • openvino.properties.intel_gpu
          • openvino.properties.intel_gpu.CapabilityGPU
          • openvino.properties.intel_gpu.MemoryType
        • openvino.properties.intel_gpu.hint
          • openvino.properties.intel_gpu.hint.ThrottleLevel
        • openvino.properties.log
          • openvino.properties.log.Level
        • openvino.properties.streams
          • openvino.properties.streams.Num
        • openvino.frontend
          • openvino.frontend.get_version
          • openvino.frontend.ConversionExtension
          • openvino.frontend.DecoderTransformationExtension
          • openvino.frontend.FrontEnd
          • openvino.frontend.FrontEndManager
          • openvino.frontend.InputModel
          • openvino.frontend.NodeContext
          • openvino.frontend.OpExtension
          • openvino.frontend.Place
          • openvino.frontend.ProgressReporterExtension
          • openvino.frontend.TelemetryExtension
          • openvino.frontend.GeneralFailure
          • openvino.frontend.InitializationFailure
          • openvino.frontend.NotImplementedFailure
          • openvino.frontend.OpConversionFailure
          • openvino.frontend.OpValidationFailure
        • openvino.experimental
          • openvino.experimental.evaluate_as_partial_shape
          • openvino.experimental.evaluate_both_bounds
          • openvino.experimental.set_element_type
          • openvino.experimental.set_tensor_type
      • OpenVINO Runtime C++ API
        • Basics
          • Layout
            • ov::Layout
          • Element types
            • ov::element::Type
          • ov::Dimension
          • ov::Extension
          • ov::Model
          • ov::Node
          • ov::PartialShape
          • ov::preprocess::PrePostProcessor
          • ov::Shape
          • ov::Symbol
          • ov::DiscreteTypeInfo
        • Operations
          • ov::op::internal::AUGRUCell
          • ov::op::internal::AUGRUSequence
          • ov::op::v0::Abs
          • ov::op::v0::Acos
          • ov::op::v3::Acosh
          • ov::op::v8::AdaptiveAvgPool
          • ov::op::v8::AdaptiveMaxPool
          • ov::op::v1::Add
          • ov::op::v0::Asin
          • ov::op::v3::Assign
          • ov::op::v6::Assign
          • ov::op::v0::Atan
          • ov::op::v3::Atanh
          • ov::op::v1::AvgPool
          • ov::op::v14::AvgPool
          • ov::op::v16::AvgPool
          • ov::op::v0::BatchNormInference
          • ov::op::v5::BatchNormInference
          • ov::op::v1::BatchToSpace
          • ov::op::v1::BinaryConvolution
          • ov::op::v13::BitwiseAnd
          • ov::op::v15::BitwiseLeftShift
          • ov::op::v13::BitwiseNot
          • ov::op::v13::BitwiseOr
          • ov::op::v15::BitwiseRightShift
          • ov::op::v13::BitwiseXor
          • ov::op::v3::Broadcast
          • ov::op::v1::Broadcast
          • ov::op::v3::Bucketize
          • ov::op::v0::Ceiling
          • ov::op::v0::Clamp
          • ov::op::v15::Col2Im
          • ov::op::v0::Concat
          • ov::op::v0::Constant
            • ov::op::v0::Constant::LPBuffer
          • ov::op::v0::Convert
          • ov::op::v1::ConvertLike
          • ov::op::v14::ConvertPromoteTypes
          • ov::op::v1::Convolution
          • ov::op::v1::ConvolutionBackpropData
          • ov::op::v0::Cos
          • ov::op::v0::Cosh
          • ov::op::v0::CTCGreedyDecoder
          • ov::op::v6::CTCGreedyDecoderSeqLen
          • ov::op::v4::CTCLoss
          • ov::op::v0::CumSum
          • ov::op::v1::DeformableConvolution
          • ov::op::v8::DeformableConvolution
          • ov::op::v1::DeformablePSROIPooling
          • ov::op::v0::DepthToSpace
          • ov::op::v7::DFT
          • ov::op::v1::Divide
          • ov::op::v7::Einsum
          • ov::op::v0::Elu
          • ov::op::v3::EmbeddingSegmentsSum
          • ov::op::v15::EmbeddingBagOffsets
          • ov::op::v3::EmbeddingBagOffsetsSum
          • ov::op::v15::EmbeddingBagPacked
          • ov::op::v3::EmbeddingBagPackedSum
          • ov::op::v1::Equal
          • ov::op::v0::Erf
          • ov::op::v0::Exp
          • ov::op::v6::ExperimentalDetectronDetectionOutput
            • ov::op::v6::ExperimentalDetectronDetectionOutput::Attributes
          • ov::op::v6::ExperimentalDetectronGenerateProposalsSingleImage
            • ov::op::v6::ExperimentalDetectronGenerateProposalsSingleImage::Attributes
          • ov::op::v6::ExperimentalDetectronPriorGridGenerator
            • ov::op::v6::ExperimentalDetectronPriorGridGenerator::Attributes
          • ov::op::v6::ExperimentalDetectronROIFeatureExtractor
            • ov::op::v6::ExperimentalDetectronROIFeatureExtractor::Attributes
          • ov::op::v6::ExperimentalDetectronTopKROIs
          • ov::op::v3::ExtractImagePatches
          • ov::op::v9::Eye
          • ov::op::v13::FakeConvert
          • ov::op::v0::FakeQuantize
          • ov::op::v0::Floor
          • ov::op::v1::FloorMod
          • ov::op::v1::Gather
          • ov::op::v7::Gather
          • ov::op::v8::Gather
          • ov::op::v6::GatherElements
          • ov::op::v5::GatherND
          • ov::op::v8::GatherND
          • ov::op::v1::GatherTree
          • ov::op::v0::Gelu
          • ov::op::v7::Gelu
          • ov::op::v1::Greater
          • ov::op::v1::GreaterEqual
          • ov::op::v9::GridSample
            • ov::op::v9::GridSample::Attributes
          • ov::op::v12::GroupNormalization
          • ov::op::v3::GRUCell
          • ov::op::v5::GRUSequence
          • ov::op::v0::HardSigmoid
          • ov::op::v5::HSigmoid
          • ov::op::v4::HSwish
          • ov::op::v8::I420toBGR
          • ov::op::v8::I420toRGB
          • ov::op::v16::Identity
          • ov::op::v7::IDFT
          • ov::op::v8::If
          • ov::op::v0::Interpolate
            • ov::op::v0::Interpolate::Attributes
          • ov::op::v4::Interpolate
          • ov::op::v11::Interpolate
          • ov::op::v14::Inverse
          • ov::op::v10::IsFinite
          • ov::op::v10::IsInf
            • ov::op::v10::IsInf::Attributes
          • ov::op::v10::IsNaN
          • ov::op::v16::ISTFT
          • ov::op::v1::Less
          • ov::op::v1::LessEqual
          • ov::op::v0::Log
          • ov::op::v5::LogSoftmax
          • ov::op::v1::LogicalAnd
          • ov::op::v1::LogicalNot
          • ov::op::v1::LogicalOr
          • ov::op::v1::LogicalXor
          • ov::op::v5::Loop
            • ov::op::v5::Loop::SpecialBodyPorts
          • ov::op::v0::LRN
          • ov::op::v0::LSTMCell
          • ov::op::v4::LSTMCell
          • ov::op::v5::LSTMSequence
          • ov::op::v0::MatMul
          • ov::op::v8::MatrixNms
            • ov::op::v8::MatrixNms::Attributes
          • ov::op::v1::MaxPool
          • ov::op::v8::MaxPool
          • ov::op::v14::MaxPool
          • ov::op::v1::Maximum
          • ov::op::v1::Minimum
          • ov::op::v4::Mish
          • ov::op::v1::Mod
          • ov::op::v13::Multinomial
          • ov::op::v1::Multiply
          • ov::op::v0::MVN
          • ov::op::v6::MVN
          • ov::op::v0::Negative
          • ov::op::v1::NonMaxSuppression
          • ov::op::v3::NonMaxSuppression
          • ov::op::v4::NonMaxSuppression
          • ov::op::v5::NonMaxSuppression
          • ov::op::v3::NonZero
          • ov::op::v0::NormalizeL2
          • ov::op::v1::NotEqual
          • ov::op::v8::NV12toBGR
          • ov::op::v8::NV12toRGB
          • ov::op::v1::OneHot
          • ov::op::v16::OneHot
          • ov::op::Op
          • ov::op::v1::Pad
          • ov::op::v12::Pad
          • ov::op::v0::Parameter
          • ov::op::v1::Power
          • ov::op::v0::PRelu
          • ov::op::v0::PriorBox
            • ov::op::v0::PriorBox::Attributes
          • ov::op::v8::PriorBox
            • ov::op::v8::PriorBox::Attributes
          • ov::op::v0::PriorBoxClustered
            • ov::op::v0::PriorBoxClustered::Attributes
          • ov::op::v0::Proposal
            • ov::op::v0::Proposal::Attributes
          • ov::op::v4::Proposal
          • ov::op::v0::PSROIPooling
          • ov::op::v8::RandomUniform
          • ov::op::v4::Range
          • ov::op::v0::Range
          • ov::op::v3::ReadValue
          • ov::op::v6::ReadValue
          • ov::op::v4::ReduceL1
          • ov::op::v4::ReduceL2
          • ov::op::v1::ReduceLogicalAnd
          • ov::op::v1::ReduceLogicalOr
          • ov::op::v1::ReduceMax
          • ov::op::v1::ReduceMean
          • ov::op::v1::ReduceMin
          • ov::op::v1::ReduceProd
          • ov::op::v1::ReduceSum
          • ov::op::v0::RegionYolo
          • ov::op::v0::Relu
          • ov::op::v0::ReorgYolo
          • ov::op::v1::Reshape
          • ov::op::v0::Result
          • ov::op::v1::Reverse
          • ov::op::v0::ReverseSequence
          • ov::op::v0::RNNCell
          • ov::op::v5::RNNSequence
          • ov::op::v3::ROIAlign
          • ov::op::v15::ROIAlignRotated
          • ov::op::v0::ROIPooling
          • ov::op::v7::Roll
          • ov::op::v5::Round
          • ov::op::v13::ScaledDotProductAttention
          • ov::op::v3::ScatterElementsUpdate
          • ov::op::v3::ScatterNDUpdate
          • ov::op::v15::ScatterNDUpdate
          • ov::op::v3::ScatterUpdate
          • ov::op::v15::SearchSorted
          • ov::op::v16::SegmentMax
          • ov::op::v1::Select
          • ov::op::v0::Selu
          • ov::op::v3::ShapeOf
          • ov::op::v0::ShapeOf
          • ov::op::v0::ShuffleChannels
          • ov::op::v0::Sigmoid
          • ov::op::v0::Sign
          • ov::op::v0::Sin
          • ov::op::v0::Sinh
          • ov::op::Sink
          • ov::op::v8::Slice
          • ov::op::v15::SliceScatter
          • ov::op::v1::Softmax
          • ov::op::v8::Softmax
          • ov::op::v4::SoftPlus
          • ov::op::v1::SpaceToBatch
          • ov::op::v0::SpaceToDepth
          • ov::op::v16::SparseFillEmptyRows
          • ov::op::v1::Split
          • ov::op::v0::Sqrt
          • ov::op::v0::SquaredDifference
          • ov::op::v0::Squeeze
          • ov::op::v15::Squeeze
          • ov::op::v15::STFT
          • ov::op::v1::StridedSlice
          • ov::op::v15::StringTensorPack
          • ov::op::v15::StringTensorUnpack
          • ov::op::v1::Subtract
          • ov::op::v4::Swish
          • ov::op::v0::Tan
          • ov::op::v0::Tanh
          • ov::op::v0::TensorIterator
          • ov::op::v0::Tile
          • ov::op::v1::TopK
          • ov::op::v3::TopK
          • ov::op::v11::TopK
          • ov::op::v1::Transpose
          • ov::op::v10::Unique
          • ov::op::v0::Unsqueeze
          • ov::op::util::SqueezeBase
          • ov::op::v1::VariadicSplit
          • ov::op::v0::Xor
        • Operation sets
          • ov::OpSet
        • Transformation passes
          • ov::pass::ConstantFolding
          • ov::pass::ConvertFP32ToFP16
          • ov::pass::GraphRewrite
          • ov::pass::LowLatency2
          • ov::pass::MakeStateful
          • ov::pass::Manager
          • ov::pass::MatcherPass
          • ov::pass::PassBase
          • ov::pass::ModelPass
          • ov::pass::PassConfig
          • ov::pass::SDPAToPagedAttention
          • ov::pass::SDPAToVLSDPA
          • ov::pass::Serialize
          • ov::pass::StreamSerialize
            • ov::pass::StreamSerialize::DataHeader
          • ov::pass::StatefulToStateless
          • ov::pass::Validate
          • ov::pass::VisualizeTree
        • Inference
          • Intel CPU specific properties
          • Intel GPU OpenCL interoperability
            • ov::intel_gpu::ocl::D3DBufferTensor
            • ov::intel_gpu::ocl::D3DSurface2DTensor
            • ov::intel_gpu::ocl::D3DContext
            • ov::intel_gpu::ocl::ClBufferTensor
            • ov::intel_gpu::ocl::ClImage2DTensor
            • ov::intel_gpu::ocl::USMTensor
            • ov::intel_gpu::ocl::ClContext
            • ov::intel_gpu::ocl::VASurfaceTensor
            • ov::intel_gpu::ocl::VAContext
          • Intel GPU OpenCL specific properties
          • Intel NPU LevelZero interoperability
            • ov::intel_npu::level_zero::ZeroBufferTensor
            • ov::intel_npu::level_zero::ZeroContext
            • ov::intel_npu::FileDescriptor
          • Intel NPU specific properties
          • Device properties
            • ov::device::Priorities
            • ov::device::Properties
            • ov::device::UUID
            • ov::device::LUID
            • ov::device::PCIInfo
            • ov::streams::Num
          • ov::Allocator
            • ov::Allocator::Base
            • ov::Allocator::HasNoexceptDeallocate
            • ov::Allocator::Impl
          • ov::Tensor
          • ov::CompiledModel
          • ov::Core
          • ov::Cancelled
          • ov::Busy
          • ov::InferRequest
          • ov::RemoteContext
          • ov::RemoteTensor
          • ov::VariableState
          • ov::ProfilingInfo
      • OpenVINO Runtime C API
        • Basics
        • Compiled Model
          • ov_compiled_model_t
        • Core
          • ov_core_t
          • ov_version
          • ov_core_version
          • ov_core_version_list
          • ov_available_devices_t
        • Dimension
          • ov_dimension
        • Infer Request
          • ov_infer_request_t
          • ov_callback_t
          • ov_ProfilingInfo_t
          • ov_profiling_info_list_t
        • Layout
          • ov_layout_t
        • Model
          • ov_model_t
        • Node
          • ov_output_const_port_t
          • ov_output_port_t
        • Partial Shape
          • ov_partial_shape
        • Pre Post Process
          • ov_preprocess_prepostprocessor_t
          • ov_preprocess_input_info_t
          • ov_preprocess_input_tensor_info_t
          • ov_preprocess_output_info_t
          • ov_preprocess_output_tensor_info_t
          • ov_preprocess_input_model_info_t
          • ov_preprocess_preprocess_steps_t
        • Property
        • Rank
          • ov_rank_t
        • Shape
          • ov_shape_t
        • Tensor
          • ov_tensor_t
        • Remote Context
      • OpenVINO Node.js API
        • addon
          • element
          • resizeAlgorithm
          • CompiledModel
          • Core
          • CoreConstructor
          • InferRequest
          • InputInfo
          • InputModelInfo
          • InputTensorInfo
          • Model
          • Output
          • OutputInfo
          • OutputTensorInfo
          • OVAny
          • PartialShape
          • PartialShapeConstructor
          • PrePostProcessor
          • PrePostProcessorConstructor
          • PreProcessSteps
          • Tensor
          • TensorConstructor
          • Dimension
          • elementTypeString
          • SupportedTypedArray
      • GenAI Python API
        • openvino_genai
    • OpenVINO IR format and Operation Sets
      • Operation Sets in OpenVINO
      • Available Operation Sets
        • opset15
        • opset14
        • opset13
        • opset12
        • opset11
        • opset10
        • opset9
        • opset8
        • opset7
        • opset6
        • opset5
        • opset4
        • opset3
        • opset2
        • opset1
      • Operation Specifications
        • Abs-1
        • Acos-1
        • Acosh-3
        • AdaptiveAvgPool-8
        • AdaptiveMaxPool-8
        • Add-1
        • Asin-1
        • Asinh-3
        • Assign-3
        • Assign-6
        • Atan-1
        • Atanh-3
        • AUGRUCell
        • AUGRUSequence
        • AvgPool-1
        • AvgPool-14
        • AvgPool-16
        • BatchNormInference-1
        • BatchNormInference-5
        • BatchToSpace-2
        • BinaryConvolution-1
        • BitwiseAnd-13
        • BitwiseLeftShift-15
        • BitwiseNot-13
        • BitwiseOr-13
        • BitwiseRightShift-15
        • BitwiseXor-13
        • Broadcast-1
        • Broadcast-3
        • Bucketize-3
        • CTCGreedyDecoder-1
        • CTCGreedyDecoderSeqLen-6
        • Ceiling-1
        • Clamp-1
        • Col2Im-15
        • Concat-1
        • Constant-1
        • ConvertLike-1
        • ConvertPromoteTypes-14
        • Convert-1
        • ConvolutionBackpropData-1
        • Convolution-1
        • Cos-1
        • Cosh-1
        • CTCLoss-4
        • CumSum-3
        • DeformableConvolution-1
        • DeformableConvolution-8
        • DeformablePSROIPooling-1
        • DepthToSpace-1
        • DetectionOutput-1
        • DetectionOutput-8
        • DFT-7
        • Divide-1
        • Einsum-7
        • Elu-1
        • EmbeddingBagOffsetsSum-3
        • EmbeddingBagOffsets-15
        • EmbeddingBagPackedSum-3
        • EmbeddingBagPacked-15
        • EmbeddingSegmentsSum-3
        • Equal-1
        • Erf-1
        • Exp-1
        • ExperimentalDetectronDetectionOutput-6
        • ExperimentalDetectronGenerateProposalsSingleImage-6
        • ExperimentalDetectronPriorGridGenerator-6
        • ExperimentalDetectronROIFeatureExtractor-6
        • ExperimentalDetectronTopKROIs-6
        • ExtractImagePatches-3
        • Eye-9
        • FakeConvert-13
        • FakeQuantize-1
        • FloorMod-1
        • Floor-1
        • GridSample-9
        • GRN-1
        • GRUCell-3
        • GRUSequence-5
        • GatherTree-1
        • Gather-1
        • Gather-7
        • Gather-8
        • GatherElements-6
        • GatherND-5
        • GatherND-8
        • GELU-2
        • GELU-7
        • GenerateProposals-9
        • GreaterEqual-1
        • Greater-1
        • GroupConvolutionBackpropData-1
        • GroupConvolution-1
        • GroupNormalization-12
        • HardSigmoid-1
        • HSigmoid-5
        • HSwish-4
        • I420toBGR-8
        • I420toRGB-8
        • Identity-16
        • IDFT-7
        • IRDFT-9
        • ISTFT-16
        • If-8
        • Interpolate-1
        • Interpolate-4
        • Interpolate-11
        • Inverse-14
        • IsFinite-10
        • IsInf-10
        • IsNaN-10
        • LRN-1
        • LSTMCell-1
        • LSTMSequence-5
        • LessEqual-1
        • Less-1
        • Log-1
        • LogicalAnd-1
        • LogicalNot-1
        • LogicalOr-1
        • LogicalXor-1
        • LogSoftmax-5
        • Loop-5
        • MVN-1
        • MVN-6
        • MatMul-1
        • MatrixNms-8
        • MaxPool-1
        • MaxPool-8
        • MaxPool-14
        • Shape Calculation Rules for Pooling Operators
        • Maximum-1
        • Minimum-1
        • Mish-4
        • Mod-1
        • MulticlassNonMaxSuppression-8
        • MulticlassNonMaxSuppression-9
        • Multinomial-13
        • Multiply-1
        • Negative-1
        • NMSRotated-13
        • NonMaxSuppression-1
        • NonMaxSuppression-3
        • NonMaxSuppression-4
        • NonMaxSuppression-5
        • NonMaxSuppression-9
        • NonZero-3
        • NormalizeL2-1
        • NotEqual-1
        • NV12toBGR-8
        • NV12toRGB-8
        • OneHot-1
        • OneHot-16
        • PReLU-1
        • PSROIPooling-1
        • Pad-1
        • Pad-12
        • Parameter-1
        • Power-1
        • PriorBoxClustered-1
        • PriorBox-1
        • PriorBox-8
        • Proposal-1
        • Proposal-4
        • RandomUniform-8
        • Range-1
        • Range-4
        • RDFT-9
        • ReadValue-3
        • ReadValue-6
        • ReLU-1
        • ReduceL1-4
        • ReduceL2-4
        • ReduceLogicalAnd-1
        • ReduceLogicalOr-1
        • ReduceMax-1
        • ReduceMean-1
        • ReduceMin-1
        • ReduceProd-1
        • ReduceSum-1
        • RegionYolo-1
        • ReorgYolo-1
        • Reshape-1
        • Result-1
        • Reverse-1
        • ReverseSequence-1
        • RMS
        • RNNCell-3
        • RNNSequence-5
        • ROIAlign-3
        • ROIAlign-9
        • ROIAlignRotated-15
        • ROIPooling-1
        • Roll-7
        • Round-5
        • ScaledDotProductAttention-13
        • ScatterElementsUpdate-3
        • ScatterElementsUpdate-12
        • ScatterNDUpdate-3
        • ScatterNDUpdate-15
        • ScatterUpdate-3
        • SearchSorted-15
        • SegmentMax-16
        • Select-1
        • Selu-1
        • ShapeOf-1
        • ShapeOf-3
        • ShuffleChannels-1
        • Sigmoid-1
        • Sign-1
        • Sin-1
        • Sinh-1
        • Slice-8
        • SliceScatter-15
        • SoftMax-1
        • SoftMax-8
        • SoftPlus-4
        • SoftSign-9
        • SpaceToBatch-2
        • SpaceToDepth-1
        • SparseFillEmptyRows-16
        • Split-1
        • Sqrt-1
        • SquaredDifference-1
        • Squeeze-1
        • Squeeze-15
        • STFT-15
        • StridedSlice-1
        • StringTensorPack-15
        • StringTensorUnpack-15
        • Subtract-1
        • Swish-4
        • Tan-1
        • Tanh-1
        • TensorIterator-1
        • Tile-1
        • TopK-1
        • TopK-3
        • TopK-11
        • Transpose-1
        • Unique-10
        • Unsqueeze-1
        • VariadicSplit-1
      • Broadcast Rules For Elementwise Operations
      • Low Precision IR (INT8 Inference)
    • Compatibility and Support
      • Supported Devices
      • Supported Operations
      • AI Models verified for OpenVINO™
    • Legacy Features
    • OpenVINO Extensibility
      • Custom OpenVINO Operations
      • Frontend Extensions
      • How to Implement Custom GPU Operations
      • Overview of Transformations API
        • OpenVINO Model Pass
        • OpenVINO Matcher Pass
        • OpenVINO Graph Rewrite Pass
        • Transformation Patterns with OpenVINO API
      • OpenVINO Plugin Developer Guide
        • Implement Plugin Functionality
        • Implement Compiled Model Functionality
        • Implement Synchronous Inference Request
        • Implement Asynchronous Inference Request
        • Provide Plugin Specific Properties
        • Implement Remote Context
        • Implement Remote Tensor
        • Build Plugin Using CMake
        • Plugin Testing
        • Advanced Topics
          • Quantized models compute and restrictions
          • OpenVINO™ Low Precision Transformations
            • Quantization Scheme
            • Attributes
              • AvgPoolPrecisionPreserved
              • IntervalsAlignment
              • PrecisionPreserved
              • Precisions
              • QuantizationAlignment
              • QuantizationGranularity
            • Step 1. Prerequisites transformations
              • PullReshapeThroughDequantization
              • PullTransposeThroughDequantization
              • LinOpSequenceFusion
              • ConvertSubtractConstant
            • Step 2. Markup transformations
              • MarkupBias
              • MarkupCanBeQuantized
              • MarkupPrecisions
              • MarkupPerTensorQuantization
              • MarkupAvgPoolPrecisionPreserved
              • PropagatePrecisions
              • AlignQuantizationIntervals
              • AlignQuantizationParameters
              • CreateAttribute
              • CreatePrecisionsDependentAttribute
              • PropagateThroughPrecisionPreserved
              • PropagateToInput
              • PropagateSharedValue
              • UpdateSharedPrecisionPreserved
            • Step 3. Main transformations
              • AddTransformation
              • AvgPoolTransformation
              • BatchToSpaceTransformation
              • ClampTransformation
              • ConcatTransformation
              • ConvolutionTransformation
              • ConvolutionBackpropDataTransformation
              • DepthToSpaceTransformation
              • FakeQuantizeDecompositionTransformation
              • FakeQuantizeTransformation
              • InterpolateTransformation
              • GroupConvolutionTransformation
              • GatherTransformation
              • MatMulTransformation
              • MaxPoolTransformation
              • MultiplyPartialTransformation
              • MultiplyTransformation
              • MVNTransformation
              • NormalizeL2Transformation
              • PadTransformation
              • PReluTransformation
              • ReduceMaxTransformation
              • ReduceMeanTransformation
              • ReduceMinTransformation
              • ReduceSumTransformation
              • ReluTransformation
              • ReshapeTransformation
              • SpaceToBatchTransformation
              • SqueezeTransformation
              • ShuffleChannelsTransformation
              • SplitTransformation
              • StridedSliceTransformation
              • TransposeTransformation
              • UnsqueezeTransformation
              • VariadicSplitTransformation
            • Step 4. Cleanup transformations
              • EliminateFakeQuantizeTransformation
              • FoldConvertTransformation
              • FoldFakeQuantizeTransformation
              • FuseConvertTransformation
              • FuseMultiplyToFakeQuantizeTransformation
              • FuseSubtractToFakeQuantizeTransformation
              • MultiplyToGroupConvolutionTransformation
        • Plugin API Reference
          • Group OpenVINO Plugin API
            • Plugin base classes
            • Compiled Model base classes
              • ov::ICompiledModel
            • Inference Request common classes
              • ov::IInferRequest
            • Inference Request base classes
              • ov::ISyncInferRequest
                • ov::ISyncInferRequest::FoundPort
            • Asynchronous Inference Request base classes
              • ov::IAsyncInferRequest
                • ov::IAsyncInferRequest::DisableCallbackGuard
            • Variable state base classes
            • Threading utilities
              • ov::threading::ImmediateExecutor
              • ov::threading::CPUStreamsExecutor
            • System configuration utilities
            • Execution model utilities
              • ov::exec_model_info::ExecutionNode
            • Error handling and debug helpers
            • ITT profiling utilities
              • openvino::itt::ScopedTask
              • openvino::itt::ScopedRegion
              • openvino::itt::TaskChain
          • Group OpenVINO Transformation API
            • Runtime information
            • Common optimization passes
              • ov::pass::low_precision::AddTransformation
              • ov::pass::low_precision::AlignQuantizationIntervals
              • ov::pass::low_precision::AlignQuantizationParameters
              • ov::pass::low_precision::AvgPoolTransformation
              • ov::pass::low_precision::BatchToSpaceTransformation
              • ov::pass::low_precision::BroadcastTransformation
              • ov::pass::low_precision::ClampTransformation
              • ov::pass::low_precision::CleanupTransformation
              • ov::pass::low_precision::ConcatTransformation
              • ov::pass::low_precision::ConvertSubtractConstant
              • ov::pass::low_precision::ConvolutionTransformation
              • ov::pass::low_precision::ConvolutionBackpropDataTransformation
              • ov::pass::low_precision::CreateAttribute
              • ov::pass::low_precision::CreatePrecisionsDependentAttribute
              • ov::pass::low_precision::DepthToSpaceTransformation
              • ov::pass::low_precision::EliminateFakeQuantizeTransformation
              • ov::pass::low_precision::EltwiseBaseTransformation
              • ov::pass::low_precision::FakeQuantizeTransformation
              • ov::pass::low_precision::FakeQuantizeDecompositionTransformation
              • ov::pass::low_precision::FoldConvertTransformation
              • ov::pass::low_precision::FoldFakeQuantizeTransformation
              • ov::pass::low_precision::FuseConvertTransformation
              • ov::pass::low_precision::FuseElementwiseToFakeQuantizeTransformation
              • ov::pass::low_precision::FuseMultiplyToFakeQuantizeTransformation
              • ov::pass::low_precision::FuseSubtractToFakeQuantizeTransformation
              • ov::pass::low_precision::GroupConvolutionTransformation
              • ov::pass::low_precision::InterpolateTransformation
              • ov::pass::low_precision::LayerTransformation
                • ov::pass::low_precision::LayerTransformation::Params
                • ov::pass::low_precision::LayerTransformation::PrecisionDetails
              • ov::pass::low_precision::MarkupAvgPoolPrecisionPreserved
              • ov::pass::low_precision::MarkupBias
              • ov::pass::low_precision::MarkupCanBeQuantized
              • ov::pass::low_precision::MarkupPrecisions
                • ov::pass::low_precision::MarkupPrecisions::Restriction
              • ov::pass::low_precision::MarkupQuantizationGranularity
                • ov::pass::low_precision::MarkupQuantizationGranularity::PerTensorQuantization
              • ov::pass::low_precision::MatMulTransformation
              • ov::pass::low_precision::MaxPoolTransformation
              • ov::pass::low_precision::MultiplyTransformation
              • ov::pass::low_precision::MultiplyPartialTransformation
              • ov::pass::low_precision::MultiplyToGroupConvolutionTransformation
              • ov::pass::low_precision::MVNTransformation
              • ov::pass::low_precision::NormalizeL2Transformation
              • ov::pass::low_precision::PadTransformation
              • ov::pass::low_precision::PReluTransformation
              • ov::pass::low_precision::PropagatePrecisions
              • ov::pass::low_precision::PropagateSharedValue
              • ov::pass::low_precision::PropagateThroughPrecisionPreserved
              • ov::pass::low_precision::PropagateToInput
              • ov::pass::low_precision::PullReshapeThroughDequantization
              • ov::pass::low_precision::PullTransposeThroughDequantization
              • ov::pass::low_precision::FQStrippingTransformation
              • ov::pass::low_precision::ReduceBaseTransformation
              • ov::pass::low_precision::ReduceMaxTransformation
              • ov::pass::low_precision::ReduceMeanTransformation
              • ov::pass::low_precision::ReduceMinTransformation
              • ov::pass::low_precision::ReduceSumTransformation
              • ov::pass::low_precision::ReluTransformation
              • ov::pass::low_precision::ReshapeTransformation
              • ov::AvgPoolPrecisionPreservedAttribute
              • ov::IntervalsAlignmentSharedValue
                • ov::IntervalsAlignmentSharedValue::Interval
              • ov::IntervalsAlignmentAttribute
              • ov::PrecisionPreservedAttribute
              • ov::PrecisionsAttribute
              • ov::QuantizationAlignmentAttribute
              • ov::QuantizationGranularityAttribute
              • SharedAttribute::SharedValueAttribute
                • SharedAttribute::SharedValueAttribute::SharedValue
              • ov::pass::low_precision::ShuffleChannelsTransformation
              • ov::pass::low_precision::SliceTransformation
              • ov::pass::low_precision::SpaceToBatchTransformation
              • ov::pass::low_precision::SplitTransformation
              • ov::pass::low_precision::SqueezeTransformation
              • ov::pass::low_precision::StridedSliceTransformation
              • ov::pass::low_precision::TransparentBaseTransformation
              • ov::pass::low_precision::TransposeTransformation
              • ov::pass::low_precision::UnsqueezeTransformation
              • ov::pass::low_precision::UpdateSharedPrecisionPreserved
              • ov::pass::low_precision::VariadicSplitTransformation
              • ov::pass::low_precision::WeightableLayerTransformation
                • ov::pass::low_precision::WeightableLayerTransformation::CanBeTransformedParams
              • ov::pass::InitMasks
              • ov::pass::InitConstMask
              • ov::pass::PropagateMasks
              • ov::pass::ShrinkWeights
              • ov::pass::Pruning
              • ov::pass::AdaptivePoolToReduce
              • ov::pass::AddFakeQuantizeFusion
              • ov::pass::AUGRUCellFusion
              • ov::pass::BatchToSpaceFusion
              • ov::pass::BinarizeWeights
              • ov::pass::BroadcastElementwiseFusion
              • ov::pass::BroadcastTransition
              • ov::pass::ClampFusion
              • ov::pass::CompressFloatConstantsImpl
              • ov::pass::CompressFloatConstants
              • ov::pass::ConcatFusion
              • ov::pass::ReplaceConcatReduceByMinOrMax
              • ov::pass::PullSqueezeThroughEltwise
              • ov::pass::ConcatReduceFusion
              • ov::pass::ConcatToBroadcast
              • ov::pass::ConvToBinaryConv
              • ov::pass::ConvertNmsGatherPathToUnsigned
              • ov::pass::ConvertPagedAttnInputs
                • ov::pass::ConvertPagedAttnInputs::KVCacheConfig
              • ov::pass::ConvertQuantizeDequantize
              • ov::pass::ConvertU4WeightsZeroPointToScalar
              • ov::pass::ConvolutionToGroupConvolutionFusion
              • ov::pass::DepthToSpaceFusion
              • ov::pass::DilatedConvolutionConverter
              • ov::pass::DisableRandomUniformConstantFolding
              • ov::pass::DivideFusion
              • ov::pass::DropoutWithRandomUniformReplacer
              • ov::pass::EliminateLoopInputsOutputs
              • ov::pass::EliminateUnsqueezeGather
              • ov::pass::EliminateGatherUnsqueeze
              • ov::pass::EnableShapeOfConstantFolding
              • ov::pass::FakeQuantizeMulFusion
              • ov::pass::FakeQuantizeReshapeFusion
              • ov::pass::RoPEFusion
              • ov::pass::FusedNamesCleanup
              • ov::pass::GeluFusionWithErfOne
              • ov::pass::GeluFusionWithErfTwo
              • ov::pass::GeluFusionWithErfThree
              • ov::pass::GeluFusionWithErfFour
              • ov::pass::GeluFusionWithTanh
              • ov::pass::GeluFusionWithTanhNoPower
              • ov::pass::GeluFusionWithTanhNoPower2
              • ov::pass::GeluFusion
              • ov::pass::GroupNormalizationFusion
              • ov::pass::GRUCellFusion
              • ov::pass::HSigmoidFusionWithReluDiv
              • ov::pass::HSigmoidFusionWithReluMul
              • ov::pass::HSigmoidFusionWithoutRelu
              • ov::pass::HSigmoidFusionWithClampMul
              • ov::pass::HSigmoidFusionWithClampDiv
              • ov::pass::HSigmoidFusion
              • ov::pass::HSwishFusionWithReluDiv
              • ov::pass::HSwishFusionWithReluMul
              • ov::pass::HSwishFusionWithHSigmoid
              • ov::pass::HSwishFusionWithClamp
              • ov::pass::HSwishFusion
              • ov::pass::InterpolateSequenceFusion
              • ov::pass::LeakyReluFusion
              • ov::pass::LinOpSequenceFusion
              • ov::pass::LSTMCellFusionWithJointWeights
              • ov::pass::LSTMCellFusionWithSplitWeights
              • ov::pass::LSTMCellFusion
              • ov::pass::MarkPrecisionSensitiveShapeOfSubgraphs
              • ov::pass::MarkShapeOfSubgraphs
              • ov::pass::MarkPrecisionSensitiveConstants
              • ov::pass::MarkDividesInShapeSubgraphs
              • ov::pass::MarkRopeInputsToKeepInMixedPrecision
              • ov::pass::MatMulMultiplyFusion
              • ov::pass::MishFusion
              • ov::pass::MultiplyConvolutionFusion
              • ov::pass::MulFakeQuantizeFusion
              • ov::pass::MVNFusionWithoutConstants
              • ov::pass::MVNFusionWithConstantsInside
              • ov::pass::MVNFusion
              • ov::pass::NearestNeighborUpsamplingFusion
              • ov::pass::NonZeroHorizontalFusion
              • ov::pass::EliminateReduceReshape
              • ov::pass::EliminatePad
              • ov::pass::EliminateConvert
              • ov::pass::EliminateIdentityConvert
              • ov::pass::EliminateConvertNonZero
              • ov::pass::EliminateConcat
              • ov::pass::EliminateConcatStridedSlice
              • ov::pass::EliminateSplit
              • ov::pass::EliminateSqueeze
              • ov::pass::EliminateUnsqueeze
              • ov::pass::EliminateTranspose
              • ov::pass::EliminateEltwise
              • ov::pass::EliminateScatterUpdate
              • ov::pass::EliminateSplitConcat
              • ov::pass::EliminateNopBroadcast
              • ov::pass::EliminateSliceBeforeGatherElements
              • ov::pass::EliminateStridedSlice
              • ov::pass::EliminateSlice
              • ov::pass::EliminateStridedSliceByShape
              • ov::pass::PrepareShapeOpsForEliminationAroundBE
              • ov::pass::EliminateIdentity
              • ov::pass::NormalizeL2Fusion
              • ov::pass::UselessSliceEraser
              • ov::pass::GroupedStridedSliceOptimizer
              • ov::pass::GroupedSliceToVSplitOptimization
              • ov::pass::SliceSequenceToSingleSlice
              • ov::pass::StridedSliceOptimization
              • ov::pass::PadFusionAvgPool
              • ov::pass::PadFusionConvolution
              • ov::pass::PadFusionConvolutionBackpropData
              • ov::pass::PadFusionGroupConvolution
              • ov::pass::PadFusionGroupConvolutionBackpropData
              • ov::pass::PReluFusionNegativeAdd
              • ov::pass::PReluFusionNegativeSub
              • ov::pass::PReluFusionMultiplyAdd
              • ov::pass::PReluFusionMultiplySub
              • ov::pass::PReluFusionAbsSubMulMulAdd
              • ov::pass::PReluFusionNegReluMulAdd
              • ov::pass::PReluFusion
              • ov::pass::PullUnsqueezeThroughReduce
              • ov::pass::PullReshapeThroughReduce
              • ov::pass::PullThroughReduce
              • ov::pass::PushConstantToSubgraph
              • ov::pass::RandomUniformFusion
              • ov::pass::ReduceMerge
              • ov::pass::ReduceReshapeFusion
              • ov::pass::ReluFakeQuantizeFusion
              • ov::pass::RemoveConcatZeroDimInput
              • ov::pass::ReshapePRelu
              • ov::pass::ReshapeSequenceFusion
              • ov::pass::ReverseInputChannelsFusion
              • ov::pass::SelectWithOneValueCondition
              • ov::pass::SequenceFusion
              • ov::pass::SharedOpOptimization
              • ov::pass::ShuffleChannelsFusion
              • ov::pass::GroupedGatherElimination
              • ov::pass::GatherNopElimination
              • ov::pass::AbsSinking
              • ov::pass::SkipGatherBeforeTransposeAndReshape
              • ov::pass::SoftmaxFusion
              • ov::pass::SoftPlusFusion
              • ov::pass::SoftPlusToMishFusion
              • ov::pass::SpaceToBatchFusion
              • ov::pass::SplitConcatPairToInterpolateFusion
              • ov::pass::SplitSqueezeConcatFusion
              • ov::pass::ConvStridesPropagation
              • ov::pass::SupportedNodesStridesPropagation
              • ov::pass::UnsupportedNodesStridesPropagation
              • ov::pass::StridesOptimization
              • ov::pass::SubtractFusion
              • ov::pass::SwishFusionWithSigmoid
              • ov::pass::SwishFusionWithSigmoidWithBeta
              • ov::pass::SwishFusionWithBeta
              • ov::pass::SwishFusionWithoutBeta
              • ov::pass::SwishFusion
              • ov::pass::TransposeReshapeEliminationForMatmul
              • ov::pass::TransposeReduction
              • ov::pass::TransposeFQReduction
              • ov::pass::TransposeConvert
              • ov::pass::TransposeEltwise
              • ov::pass::TransposeFuse
              • ov::pass::TransposeSinking
              • ov::pass::TransposeToReshape
              • ov::pass::WeightsDequantizeToFakeQuantize
              • ov::pass::WrapInterpolateIntoTransposes
              • ov::pass::UnrollIf
              • ov::pass::UnrollTensorIterator
              • EnumClassHash
              • ov::pass::AlignMixedFP32FP16Types
              • ov::pass::ConvertCompressedOnlyToLegacy
              • ov::pass::EnableDecompressionConvertConstantFolding
              • ov::pass::DisableDecompressionConvertConstantFolding
              • ov::pass::KeepConstAndDecompression
              • ov::pass::KeepConstantsPrecisionAndAddConverts
              • ov::pass::MarkCompressedFloatConstants
              • ov::pass::MarkFloatingPointRange
              • ov::pass::InitNodeInfo
              • ov::pass::MarkDequantization
              • ov::pass::KeepConstPrecision
              • ov::pass::KeepDequantizationPrecision
              • ov::pass::BidirectionalLSTMSequenceDecomposition
              • ov::pass::BidirectionalGRUSequenceDecomposition
              • ov::pass::BidirectionalRNNSequenceDecomposition
              • ov::pass::BidirectionalSequenceDecomposition
              • ov::pass::ConvertAvgPool14ToAvgPool1
              • ov::pass::ConvertBatchToSpace
              • ConvertBitwiseToLogical
              • ov::pass::ConvertDeformableConv8To1
              • ov::pass::ConvertEmbeddingBagOffsets15ToEmbeddingBagOffsetsSum3
              • ov::pass::ConvertEmbeddingBagPacked15ToEmbeddingBagPackedSum3
              • ov::pass::ConvertGather0D
              • ov::pass::ConvertGather7ToGather1
              • ov::pass::ConvertGather8ToGather7
              • ov::pass::ConvertGather1ToGather7
              • ov::pass::ConvertGather7ToGather8
              • ov::pass::ConvertInterpolate11ToInterpolate4
              • ov::pass::ConvertInterpolate1ToInterpolate4
              • ov::pass::ConvertMaxPool8ToMaxPool1
              • ov::pass::ConvertMaxPool14ToMaxPool8
              • ov::pass::ConvertMaxPool1ToMaxPool8
              • ov::pass::ConvertMVN1ToMVN6
              • ov::pass::ConvertOneHot16To1
              • ov::pass::ConvertPad12ToPad1
              • ov::pass::ConvertPadToGroupConvolution
              • ov::pass::ConvertPriorBox8To0
              • ov::pass::ConvertROIAlign3To9
              • ov::pass::ConvertROIAlign9To3
              • ov::pass::ConvertScatterElementsToScatter
              • ov::pass::ConvertScatterElementsUpdate12ToScatterElementsUpdate3
              • ov::pass::ConvertScatterNDUpdate15ToScatterNDUpdate3
              • ov::pass::ConvertRNNSequenceToTensorIterator
              • ov::pass::ConvertGRUSequenceToTensorIterator
              • ov::pass::ConvertLSTMSequenceToTensorIterator
              • ov::pass::SliceToStridedSlice
              • ov::pass::ConvertSoftMax8ToSoftMax1
              • ov::pass::ConvertSoftMax1ToSoftMax8
              • ov::pass::ConvertSpaceToBatch
              • ov::pass::ConvertSqueeze15ToSqueeze0
              • ov::pass::ConvertTensorIteratorToLSTMSequence
              • ov::pass::ConvertTensorIteratorToRNNSequence
              • ov::pass::ConvertTensorIteratorToGRUSequence
              • ov::pass::ConvertLoopToLSTMSequence
              • ov::pass::FuseReverseLSTMSequence
              • ov::pass::FuseLSTMSequencesToBidirectionalLSTMSequence
              • ov::pass::ConvertTopK11ToTopK3
              • ov::pass::ConvertXorToLogicalXor
              • ov::pass::ConvertDetectionOutput8ToDetectionOutput1
              • ov::pass::ConvertDetectionOutput1ToDetectionOutput8
              • ov::pass::EinsumDecomposition
              • ov::pass::EyeDecomposition
              • ov::pass::FakeConvertDecomposition
              • ov::pass::FakeQuantizeDecomposition
              • ov::pass::Gelu7Downgrade
              • ov::pass::GRUCellDecomposition
              • ov::pass::HardSigmoidDecomposition
              • ov::pass::HSigmoidDecomposition
              • ov::pass::HSwishDecomposition
              • ov::pass::LogSoftmaxDecomposition
              • ov::pass::LSTMCellDecomposition
              • ov::pass::MVN6Decomposition
              • ov::pass::NormalizeL2Decomposition
              • ov::pass::ReduceL1Decomposition
              • ov::pass::ReduceL2Decomposition
              • ov::pass::RNNCellDecomposition
              • ov::pass::SoftmaxDecomposition
              • ov::pass::SoftPlusDecomposition
              • ov::pass::SoftSignDecomposition
              • ov::pass::ResolveNameCollisions
              • ov::pass::BroadcastConstRangeReplacement
              • ov::pass::LSTMStatesBroadcast
              • ov::pass::ReshapeAMatMul
              • ov::pass::Proposal1Scales
              • ov::pass::ReshapeSinkingMatMul
              • ov::pass::ReshapeTo1D
              • ov::pass::ShapeOfConstFolding
              • ov::pass::StridedSliceSqueeze
              • ov::pass::SqueezeStridedSlice
              • ov::pass::ChainedMaximumOptimization
              • ov::pass::DeReshapeMatMul
              • ov::pass::DeReshapeFullyConnected
              • ov::pass::NopBroadcast
              • ov::pass::ReshapeOptimizations
              • ov::pass::ApplySymbolEquivalence
              • ov::pass::OptimizeSymbolsUsedAsValues
              • ov::pass::SymbolicOptimizations
              • ov::pass::SymbolicPropagation
              • ov::pass::LabelResolvingThroughSelect
              • ov::pass::transpose_sinking::TSForwardBase
              • ov::pass::transpose_sinking::TSBinaryForward
              • ov::pass::transpose_sinking::TSBinaryBackward
              • ov::pass::transpose_sinking::TSConcatForward
              • ov::pass::transpose_sinking::TSConcatBackward
              • ov::pass::transpose_sinking::TSCumSumForward
              • ov::pass::transpose_sinking::TSCumSumBackward
              • ov::pass::transpose_sinking::TSDataMovementForward
              • ov::pass::transpose_sinking::TSDataMovementBackward
              • ov::pass::transpose_sinking::TSFuse
              • ov::pass::transpose_sinking::TSGatherForward
              • ov::pass::transpose_sinking::TSGatherBackward
              • ov::pass::transpose_sinking::TSGeneralForward
              • ov::pass::transpose_sinking::TSGeneralBackward
              • ov::pass::transpose_sinking::TSGeneral
              • ov::pass::transpose_sinking::TSInterpolateForward
              • ov::pass::transpose_sinking::TSInterpolateBackward
              • ov::pass::transpose_sinking::TSReductionForward
              • ov::pass::transpose_sinking::TSReductionBackward
              • ov::pass::transpose_sinking::TSResetNoSinkingAttribute
              • ov::pass::transpose_sinking::TSShapeOfForward
              • ov::pass::transpose_sinking::TSSplitForward
              • ov::pass::transpose_sinking::TSSplitBackward
              • ov::pass::transpose_sinking::TSSqueezeForward
              • ov::pass::transpose_sinking::TSSqueezeBackward
              • ov::pass::transpose_sinking::TSTileForward
              • ov::pass::transpose_sinking::TSTileBackward
              • ov::pass::transpose_sinking::TSUnaryForward
              • ov::pass::transpose_sinking::TSUnaryBackward
              • ov::pass::transpose_sinking::TSUnsqueezeForward
              • ov::pass::transpose_sinking::TSUnsqueezeBackward
            • Conversion from opset3 to opset2
            • Conversion from opset2 to opset1
    • OpenVINO Security
  • ABOUT OPENVINO
    • Key Features
    • Performance Benchmarks
      • Efficient LLMs for AI PC
      • Performance Information F.A.Q.
      • OpenVINO Accuracy
      • Getting Performance Numbers
    • OpenVINO Ecosystem
      • OpenVINO Integrations
      • OpenVINO Tools
        • OpenVINO™ Test Drive
    • Contribute to OpenVINO
      • Code Contribution Guide
    • Release Notes
      • System Requirements
      • Release Policy
  • Struct...

Struct ov::ConfigOptionBase#

struct ConfigOptionBase#

Subclassed by ov::TypedOption< T >

On this page
  • ov::ConfigOptionBase
.pdf .zip