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 Conan
        • Use Docker
        • 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
    • Deploy Model Server
      • Deploying Model Server in Docker Container
      • Deploying Model Server on Baremetal
      • 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
      • 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
      • 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 all execution steps delegated to the OpenVINO Model Server
        • Scaling on a dual CPU socket server and multi-GPU hosts
        • How to serve LLM Models in Speculative Decoding Pipeline
      • How to serve VLM models with Continuous Batching 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
      • 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)
      • Stable diffusion demo with python node
      • String output model demo
    • 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.Type
          • openvino.VAContext
          • openvino.VASurfaceTensor
          • openvino.Version
        • openvino.runtime
        • openvino.runtime.op
          • openvino.runtime.op.Constant
          • openvino.runtime.op.Parameter
          • openvino.runtime.op.Result
          • openvino.runtime.op._PagedAttentionExtension
          • openvino.runtime.op.assign
          • openvino.runtime.op.if_op
          • openvino.runtime.op.loop
          • openvino.runtime.op.read_value
          • openvino.runtime.op.tensor_iterator
        • openvino.runtime.op.util
          • openvino.runtime.op.util.ArithmeticReduction
          • openvino.runtime.op.util.BinaryElementwiseArithmetic
          • openvino.runtime.op.util.BinaryElementwiseComparison
          • openvino.runtime.op.util.BinaryElementwiseLogical
          • openvino.runtime.op.util.BodyOutputDescription
          • openvino.runtime.op.util.ConcatOutputDescription
          • openvino.runtime.op.util.IndexReduction
          • openvino.runtime.op.util.InvariantInputDescription
          • openvino.runtime.op.util.MergedInputDescription
          • openvino.runtime.op.util.SliceInputDescription
          • openvino.runtime.op.util.UnaryElementwiseArithmetic
          • openvino.runtime.op.util.Variable
          • openvino.runtime.op.util.VariableInfo
        • openvino.runtime.opset1
          • openvino.runtime.opset1.abs
          • openvino.runtime.opset1.absolute
          • openvino.runtime.opset1.acos
          • openvino.runtime.opset1.add
          • openvino.runtime.opset1.asin
          • openvino.runtime.opset1.atan
          • openvino.runtime.opset1.avg_pool
          • openvino.runtime.opset1.batch_norm_inference
          • openvino.runtime.opset1.binary_convolution
          • openvino.runtime.opset1.broadcast
          • openvino.runtime.opset1.ceil
          • openvino.runtime.opset1.ceiling
          • openvino.runtime.opset1.clamp
          • openvino.runtime.opset1.concat
          • openvino.runtime.opset1.constant
          • openvino.runtime.opset1.convert
          • openvino.runtime.opset1.convert_like
          • openvino.runtime.opset1.convolution
          • openvino.runtime.opset1.convolution_backprop_data
          • openvino.runtime.opset1.cos
          • openvino.runtime.opset1.cosh
          • openvino.runtime.opset1.ctc_greedy_decoder
          • openvino.runtime.opset1.deformable_convolution
          • openvino.runtime.opset1.deformable_psroi_pooling
          • openvino.runtime.opset1.depth_to_space
          • openvino.runtime.opset1.detection_output
          • openvino.runtime.opset1.divide
          • openvino.runtime.opset1.elu
          • openvino.runtime.opset1.equal
          • openvino.runtime.opset1.erf
          • openvino.runtime.opset1.exp
          • openvino.runtime.opset1.fake_quantize
          • openvino.runtime.opset1.floor
          • openvino.runtime.opset1.floor_mod
          • openvino.runtime.opset1.gather
          • openvino.runtime.opset1.gather_tree
          • openvino.runtime.opset1.greater
          • openvino.runtime.opset1.greater_equal
          • openvino.runtime.opset1.grn
          • openvino.runtime.opset1.group_convolution
          • openvino.runtime.opset1.group_convolution_backprop_data
          • openvino.runtime.opset1.hard_sigmoid
          • openvino.runtime.opset1.interpolate
          • openvino.runtime.opset1.less
          • openvino.runtime.opset1.less_equal
          • openvino.runtime.opset1.log
          • openvino.runtime.opset1.logical_and
          • openvino.runtime.opset1.logical_not
          • openvino.runtime.opset1.logical_or
          • openvino.runtime.opset1.logical_xor
          • openvino.runtime.opset1.lrn
          • openvino.runtime.opset1.lstm_cell
          • openvino.runtime.opset1.matmul
          • openvino.runtime.opset1.max_pool
          • openvino.runtime.opset1.maximum
          • openvino.runtime.opset1.minimum
          • openvino.runtime.opset1.mod
          • openvino.runtime.opset1.multiply
          • openvino.runtime.opset1.negative
          • openvino.runtime.opset1.non_max_suppression
          • openvino.runtime.opset1.normalize_l2
          • openvino.runtime.opset1.not_equal
          • openvino.runtime.opset1.one_hot
          • openvino.runtime.opset1.pad
          • openvino.runtime.opset1.parameter
          • openvino.runtime.opset1.power
          • openvino.runtime.opset1.prelu
          • openvino.runtime.opset1.prior_box
          • openvino.runtime.opset1.prior_box_clustered
          • openvino.runtime.opset1.proposal
          • openvino.runtime.opset1.psroi_pooling
          • openvino.runtime.opset1.range
          • openvino.runtime.opset1.reduce_logical_and
          • openvino.runtime.opset1.reduce_logical_or
          • openvino.runtime.opset1.reduce_max
          • openvino.runtime.opset1.reduce_mean
          • openvino.runtime.opset1.reduce_min
          • openvino.runtime.opset1.reduce_prod
          • openvino.runtime.opset1.reduce_sum
          • openvino.runtime.opset1.region_yolo
          • openvino.runtime.opset1.relu
          • openvino.runtime.opset1.reshape
          • openvino.runtime.opset1.result
          • openvino.runtime.opset1.reverse_sequence
          • openvino.runtime.opset1.select
          • openvino.runtime.opset1.selu
          • openvino.runtime.opset1.shape_of
          • openvino.runtime.opset1.sigmoid
          • openvino.runtime.opset1.sign
          • openvino.runtime.opset1.sin
          • openvino.runtime.opset1.sinh
          • openvino.runtime.opset1.softmax
          • openvino.runtime.opset1.space_to_depth
          • openvino.runtime.opset1.split
          • openvino.runtime.opset1.sqrt
          • openvino.runtime.opset1.squared_difference
          • openvino.runtime.opset1.squeeze
          • openvino.runtime.opset1.strided_slice
          • openvino.runtime.opset1.subtract
          • openvino.runtime.opset1.tan
          • openvino.runtime.opset1.tanh
          • openvino.runtime.opset1.tile
          • openvino.runtime.opset1.topk
          • openvino.runtime.opset1.transpose
          • openvino.runtime.opset1.unsqueeze
          • openvino.runtime.opset1.variadic_split
          • openvino.runtime.opset1.tensor_iterator
        • openvino.runtime.opset2
          • openvino.runtime.opset2.abs
          • openvino.runtime.opset2.absolute
          • openvino.runtime.opset2.acos
          • openvino.runtime.opset2.add
          • openvino.runtime.opset2.asin
          • openvino.runtime.opset2.atan
          • openvino.runtime.opset2.avg_pool
          • openvino.runtime.opset2.batch_norm_inference
          • openvino.runtime.opset2.batch_to_space
          • openvino.runtime.opset2.binary_convolution
          • openvino.runtime.opset2.broadcast
          • openvino.runtime.opset2.ceil
          • openvino.runtime.opset2.ceiling
          • openvino.runtime.opset2.clamp
          • openvino.runtime.opset2.concat
          • openvino.runtime.opset2.constant
          • openvino.runtime.opset2.convert
          • openvino.runtime.opset2.convert_like
          • openvino.runtime.opset2.convolution
          • openvino.runtime.opset2.convolution_backprop_data
          • openvino.runtime.opset2.cos
          • openvino.runtime.opset2.cosh
          • openvino.runtime.opset2.ctc_greedy_decoder
          • openvino.runtime.opset2.deformable_convolution
          • openvino.runtime.opset2.deformable_psroi_pooling
          • openvino.runtime.opset2.depth_to_space
          • openvino.runtime.opset2.detection_output
          • openvino.runtime.opset2.divide
          • openvino.runtime.opset2.elu
          • openvino.runtime.opset2.equal
          • openvino.runtime.opset2.erf
          • openvino.runtime.opset2.exp
          • openvino.runtime.opset2.fake_quantize
          • openvino.runtime.opset2.floor
          • openvino.runtime.opset2.floor_mod
          • openvino.runtime.opset2.gather
          • openvino.runtime.opset2.gather_tree
          • openvino.runtime.opset2.gelu
          • openvino.runtime.opset2.greater
          • openvino.runtime.opset2.greater_equal
          • openvino.runtime.opset2.grn
          • openvino.runtime.opset2.group_convolution
          • openvino.runtime.opset2.group_convolution_backprop_data
          • openvino.runtime.opset2.hard_sigmoid
          • openvino.runtime.opset2.interpolate
          • openvino.runtime.opset2.less
          • openvino.runtime.opset2.less_equal
          • openvino.runtime.opset2.log
          • openvino.runtime.opset2.logical_and
          • openvino.runtime.opset2.logical_not
          • openvino.runtime.opset2.logical_or
          • openvino.runtime.opset2.logical_xor
          • openvino.runtime.opset2.lrn
          • openvino.runtime.opset2.lstm_cell
          • openvino.runtime.opset2.matmul
          • openvino.runtime.opset2.max_pool
          • openvino.runtime.opset2.maximum
          • openvino.runtime.opset2.minimum
          • openvino.runtime.opset2.mod
          • openvino.runtime.opset2.multiply
          • openvino.runtime.opset2.mvn
          • openvino.runtime.opset2.negative
          • openvino.runtime.opset2.non_max_suppression
          • openvino.runtime.opset2.normalize_l2
          • openvino.runtime.opset2.not_equal
          • openvino.runtime.opset2.one_hot
          • openvino.runtime.opset2.pad
          • openvino.runtime.opset2.parameter
          • openvino.runtime.opset2.power
          • openvino.runtime.opset2.prelu
          • openvino.runtime.opset2.prior_box
          • openvino.runtime.opset2.prior_box_clustered
          • openvino.runtime.opset2.proposal
          • openvino.runtime.opset2.psroi_pooling
          • openvino.runtime.opset2.range
          • openvino.runtime.opset2.reduce_logical_and
          • openvino.runtime.opset2.reduce_logical_or
          • openvino.runtime.opset2.reduce_max
          • openvino.runtime.opset2.reduce_mean
          • openvino.runtime.opset2.reduce_min
          • openvino.runtime.opset2.reduce_prod
          • openvino.runtime.opset2.reduce_sum
          • openvino.runtime.opset2.region_yolo
          • openvino.runtime.opset2.relu
          • openvino.runtime.opset2.reorg_yolo
          • openvino.runtime.opset2.reshape
          • openvino.runtime.opset2.result
          • openvino.runtime.opset2.reverse_sequence
          • openvino.runtime.opset2.roi_pooling
          • openvino.runtime.opset2.select
          • openvino.runtime.opset2.selu
          • openvino.runtime.opset2.shape_of
          • openvino.runtime.opset2.sigmoid
          • openvino.runtime.opset2.sign
          • openvino.runtime.opset2.sin
          • openvino.runtime.opset2.sinh
          • openvino.runtime.opset2.softmax
          • openvino.runtime.opset2.space_to_batch
          • openvino.runtime.opset2.space_to_depth
          • openvino.runtime.opset2.split
          • openvino.runtime.opset2.sqrt
          • openvino.runtime.opset2.squared_difference
          • openvino.runtime.opset2.squeeze
          • openvino.runtime.opset2.strided_slice
          • openvino.runtime.opset2.subtract
          • openvino.runtime.opset2.tan
          • openvino.runtime.opset2.tanh
          • openvino.runtime.opset2.tile
          • openvino.runtime.opset2.topk
          • openvino.runtime.opset2.transpose
          • openvino.runtime.opset2.unsqueeze
          • openvino.runtime.opset2.variadic_split
          • openvino.runtime.opset2.tensor_iterator
        • openvino.runtime.opset3
          • openvino.runtime.opset3.abs
          • openvino.runtime.opset3.absolute
          • openvino.runtime.opset3.acos
          • openvino.runtime.opset3.add
          • openvino.runtime.opset3.asin
          • openvino.runtime.opset3.assign
          • openvino.runtime.opset3.atan
          • openvino.runtime.opset3.avg_pool
          • openvino.runtime.opset3.batch_norm_inference
          • openvino.runtime.opset3.batch_to_space
          • openvino.runtime.opset3.binary_convolution
          • openvino.runtime.opset3.broadcast
          • openvino.runtime.opset3.bucketize
          • openvino.runtime.opset3.ceil
          • openvino.runtime.opset3.ceiling
          • openvino.runtime.opset3.clamp
          • openvino.runtime.opset3.concat
          • openvino.runtime.opset3.constant
          • openvino.runtime.opset3.convert
          • openvino.runtime.opset3.convert_like
          • openvino.runtime.opset3.convolution
          • openvino.runtime.opset3.convolution_backprop_data
          • openvino.runtime.opset3.cos
          • openvino.runtime.opset3.cosh
          • openvino.runtime.opset3.ctc_greedy_decoder
          • openvino.runtime.opset3.cum_sum
          • openvino.runtime.opset3.cumsum
          • openvino.runtime.opset3.deformable_convolution
          • openvino.runtime.opset3.deformable_psroi_pooling
          • openvino.runtime.opset3.depth_to_space
          • openvino.runtime.opset3.detection_output
          • openvino.runtime.opset3.divide
          • openvino.runtime.opset3.elu
          • openvino.runtime.opset3.embedding_bag_offsets_sum
          • openvino.runtime.opset3.embedding_bag_packed_sum
          • openvino.runtime.opset3.embedding_segments_sum
          • openvino.runtime.opset3.equal
          • openvino.runtime.opset3.erf
          • openvino.runtime.opset3.exp
          • openvino.runtime.opset3.extract_image_patches
          • openvino.runtime.opset3.fake_quantize
          • openvino.runtime.opset3.floor
          • openvino.runtime.opset3.floor_mod
          • openvino.runtime.opset3.gather
          • openvino.runtime.opset3.gather_tree
          • openvino.runtime.opset3.gelu
          • openvino.runtime.opset3.greater
          • openvino.runtime.opset3.greater_equal
          • openvino.runtime.opset3.grn
          • openvino.runtime.opset3.group_convolution
          • openvino.runtime.opset3.group_convolution_backprop_data
          • openvino.runtime.opset3.gru_cell
          • openvino.runtime.opset3.hard_sigmoid
          • openvino.runtime.opset3.interpolate
          • openvino.runtime.opset3.less
          • openvino.runtime.opset3.less_equal
          • openvino.runtime.opset3.log
          • openvino.runtime.opset3.logical_and
          • openvino.runtime.opset3.logical_not
          • openvino.runtime.opset3.logical_or
          • openvino.runtime.opset3.logical_xor
          • openvino.runtime.opset3.lrn
          • openvino.runtime.opset3.lstm_cell
          • openvino.runtime.opset3.matmul
          • openvino.runtime.opset3.max_pool
          • openvino.runtime.opset3.maximum
          • openvino.runtime.opset3.minimum
          • openvino.runtime.opset3.mod
          • openvino.runtime.opset3.multiply
          • openvino.runtime.opset3.mvn
          • openvino.runtime.opset3.negative
          • openvino.runtime.opset3.non_max_suppression
          • openvino.runtime.opset3.non_zero
          • openvino.runtime.opset3.normalize_l2
          • openvino.runtime.opset3.not_equal
          • openvino.runtime.opset3.one_hot
          • openvino.runtime.opset3.pad
          • openvino.runtime.opset3.parameter
          • openvino.runtime.opset3.power
          • openvino.runtime.opset3.prelu
          • openvino.runtime.opset3.prior_box
          • openvino.runtime.opset3.prior_box_clustered
          • openvino.runtime.opset3.proposal
          • openvino.runtime.opset3.psroi_pooling
          • openvino.runtime.opset3.range
          • openvino.runtime.opset3.read_value
          • openvino.runtime.opset3.reduce_logical_and
          • openvino.runtime.opset3.reduce_logical_or
          • openvino.runtime.opset3.reduce_max
          • openvino.runtime.opset3.reduce_mean
          • openvino.runtime.opset3.reduce_min
          • openvino.runtime.opset3.reduce_prod
          • openvino.runtime.opset3.reduce_sum
          • openvino.runtime.opset3.region_yolo
          • openvino.runtime.opset3.relu
          • openvino.runtime.opset3.reorg_yolo
          • openvino.runtime.opset3.reshape
          • openvino.runtime.opset3.result
          • openvino.runtime.opset3.reverse_sequence
          • openvino.runtime.opset3.rnn_cell
          • openvino.runtime.opset3.roi_align
          • openvino.runtime.opset3.roi_pooling
          • openvino.runtime.opset3.scatter_elements_update
          • openvino.runtime.opset3.scatter_update
          • openvino.runtime.opset3.select
          • openvino.runtime.opset3.selu
          • openvino.runtime.opset3.shape_of
          • openvino.runtime.opset3.shuffle_channels
          • openvino.runtime.opset3.sigmoid
          • openvino.runtime.opset3.sign
          • openvino.runtime.opset3.sin
          • openvino.runtime.opset3.sinh
          • openvino.runtime.opset3.softmax
          • openvino.runtime.opset3.space_to_batch
          • openvino.runtime.opset3.space_to_depth
          • openvino.runtime.opset3.split
          • openvino.runtime.opset3.sqrt
          • openvino.runtime.opset3.squared_difference
          • openvino.runtime.opset3.squeeze
          • openvino.runtime.opset3.strided_slice
          • openvino.runtime.opset3.subtract
          • openvino.runtime.opset3.tan
          • openvino.runtime.opset3.tanh
          • openvino.runtime.opset3.tile
          • openvino.runtime.opset3.topk
          • openvino.runtime.opset3.transpose
          • openvino.runtime.opset3.unsqueeze
          • openvino.runtime.opset3.variadic_split
          • openvino.runtime.opset3.tensor_iterator
        • openvino.runtime.opset4
          • openvino.runtime.opset4.abs
          • openvino.runtime.opset4.absolute
          • openvino.runtime.opset4.acos
          • openvino.runtime.opset4.acosh
          • openvino.runtime.opset4.add
          • openvino.runtime.opset4.asin
          • openvino.runtime.opset4.asinh
          • openvino.runtime.opset4.assign
          • openvino.runtime.opset4.atan
          • openvino.runtime.opset4.atanh
          • openvino.runtime.opset4.avg_pool
          • openvino.runtime.opset4.batch_norm_inference
          • openvino.runtime.opset4.batch_to_space
          • openvino.runtime.opset4.binary_convolution
          • openvino.runtime.opset4.broadcast
          • openvino.runtime.opset4.bucketize
          • openvino.runtime.opset4.ceil
          • openvino.runtime.opset4.ceiling
          • openvino.runtime.opset4.clamp
          • openvino.runtime.opset4.concat
          • openvino.runtime.opset4.constant
          • openvino.runtime.opset4.convert
          • openvino.runtime.opset4.convert_like
          • openvino.runtime.opset4.convolution
          • openvino.runtime.opset4.convolution_backprop_data
          • openvino.runtime.opset4.cos
          • openvino.runtime.opset4.cosh
          • openvino.runtime.opset4.ctc_greedy_decoder
          • openvino.runtime.opset4.ctc_loss
          • openvino.runtime.opset4.cum_sum
          • openvino.runtime.opset4.cumsum
          • openvino.runtime.opset4.deformable_convolution
          • openvino.runtime.opset4.deformable_psroi_pooling
          • openvino.runtime.opset4.depth_to_space
          • openvino.runtime.opset4.detection_output
          • openvino.runtime.opset4.divide
          • openvino.runtime.opset4.elu
          • openvino.runtime.opset4.embedding_bag_offsets_sum
          • openvino.runtime.opset4.embedding_bag_packed_sum
          • openvino.runtime.opset4.embedding_segments_sum
          • openvino.runtime.opset4.equal
          • openvino.runtime.opset4.erf
          • openvino.runtime.opset4.exp
          • openvino.runtime.opset4.extract_image_patches
          • openvino.runtime.opset4.fake_quantize
          • openvino.runtime.opset4.floor
          • openvino.runtime.opset4.floor_mod
          • openvino.runtime.opset4.gather
          • openvino.runtime.opset4.gather_tree
          • openvino.runtime.opset4.gelu
          • openvino.runtime.opset4.greater
          • openvino.runtime.opset4.greater_equal
          • openvino.runtime.opset4.grn
          • openvino.runtime.opset4.group_convolution
          • openvino.runtime.opset4.group_convolution_backprop_data
          • openvino.runtime.opset4.gru_cell
          • openvino.runtime.opset4.hard_sigmoid
          • openvino.runtime.opset4.hswish
          • openvino.runtime.opset4.interpolate
          • openvino.runtime.opset4.less
          • openvino.runtime.opset4.less_equal
          • openvino.runtime.opset4.log
          • openvino.runtime.opset4.logical_and
          • openvino.runtime.opset4.logical_not
          • openvino.runtime.opset4.logical_or
          • openvino.runtime.opset4.logical_xor
          • openvino.runtime.opset4.lrn
          • openvino.runtime.opset4.lstm_cell
          • openvino.runtime.opset4.matmul
          • openvino.runtime.opset4.max_pool
          • openvino.runtime.opset4.maximum
          • openvino.runtime.opset4.minimum
          • openvino.runtime.opset4.mish
          • openvino.runtime.opset4.mod
          • openvino.runtime.opset4.multiply
          • openvino.runtime.opset4.mvn
          • openvino.runtime.opset4.negative
          • openvino.runtime.opset4.non_max_suppression
          • openvino.runtime.opset4.non_zero
          • openvino.runtime.opset4.normalize_l2
          • openvino.runtime.opset4.not_equal
          • openvino.runtime.opset4.one_hot
          • openvino.runtime.opset4.pad
          • openvino.runtime.opset4.parameter
          • openvino.runtime.opset4.power
          • openvino.runtime.opset4.prelu
          • openvino.runtime.opset4.prior_box
          • openvino.runtime.opset4.prior_box_clustered
          • openvino.runtime.opset4.proposal
          • openvino.runtime.opset4.psroi_pooling
          • openvino.runtime.opset4.range
          • openvino.runtime.opset4.read_value
          • openvino.runtime.opset4.reduce_l1
          • openvino.runtime.opset4.reduce_l2
          • openvino.runtime.opset4.reduce_logical_and
          • openvino.runtime.opset4.reduce_logical_or
          • openvino.runtime.opset4.reduce_max
          • openvino.runtime.opset4.reduce_mean
          • openvino.runtime.opset4.reduce_min
          • openvino.runtime.opset4.reduce_prod
          • openvino.runtime.opset4.reduce_sum
          • openvino.runtime.opset4.region_yolo
          • openvino.runtime.opset4.relu
          • openvino.runtime.opset4.reorg_yolo
          • openvino.runtime.opset4.reshape
          • openvino.runtime.opset4.result
          • openvino.runtime.opset4.reverse_sequence
          • openvino.runtime.opset4.rnn_cell
          • openvino.runtime.opset4.roi_align
          • openvino.runtime.opset4.roi_pooling
          • openvino.runtime.opset4.scatter_elements_update
          • openvino.runtime.opset4.scatter_nd_update
          • openvino.runtime.opset4.scatter_update
          • openvino.runtime.opset4.select
          • openvino.runtime.opset4.selu
          • openvino.runtime.opset4.shape_of
          • openvino.runtime.opset4.shuffle_channels
          • openvino.runtime.opset4.sigmoid
          • openvino.runtime.opset4.sign
          • openvino.runtime.opset4.sin
          • openvino.runtime.opset4.sinh
          • openvino.runtime.opset4.softmax
          • openvino.runtime.opset4.softplus
          • openvino.runtime.opset4.space_to_batch
          • openvino.runtime.opset4.space_to_depth
          • openvino.runtime.opset4.split
          • openvino.runtime.opset4.sqrt
          • openvino.runtime.opset4.squared_difference
          • openvino.runtime.opset4.squeeze
          • openvino.runtime.opset4.strided_slice
          • openvino.runtime.opset4.subtract
          • openvino.runtime.opset4.swish
          • openvino.runtime.opset4.tan
          • openvino.runtime.opset4.tanh
          • openvino.runtime.opset4.tile
          • openvino.runtime.opset4.topk
          • openvino.runtime.opset4.transpose
          • openvino.runtime.opset4.unsqueeze
          • openvino.runtime.opset4.variadic_split
          • openvino.runtime.opset4.tensor_iterator
        • openvino.runtime.opset5
          • openvino.runtime.opset5.abs
          • openvino.runtime.opset5.absolute
          • openvino.runtime.opset5.acos
          • openvino.runtime.opset5.acosh
          • openvino.runtime.opset5.add
          • openvino.runtime.opset5.asin
          • openvino.runtime.opset5.asinh
          • openvino.runtime.opset5.assign
          • openvino.runtime.opset5.atan
          • openvino.runtime.opset5.atanh
          • openvino.runtime.opset5.avg_pool
          • openvino.runtime.opset5.batch_norm_inference
          • openvino.runtime.opset5.batch_to_space
          • openvino.runtime.opset5.binary_convolution
          • openvino.runtime.opset5.broadcast
          • openvino.runtime.opset5.bucketize
          • openvino.runtime.opset5.ceil
          • openvino.runtime.opset5.ceiling
          • openvino.runtime.opset5.clamp
          • openvino.runtime.opset5.concat
          • openvino.runtime.opset5.constant
          • openvino.runtime.opset5.convert
          • openvino.runtime.opset5.convert_like
          • openvino.runtime.opset5.convolution
          • openvino.runtime.opset5.convolution_backprop_data
          • openvino.runtime.opset5.cos
          • openvino.runtime.opset5.cosh
          • openvino.runtime.opset5.ctc_greedy_decoder
          • openvino.runtime.opset5.ctc_loss
          • openvino.runtime.opset5.cum_sum
          • openvino.runtime.opset5.cumsum
          • openvino.runtime.opset5.deformable_convolution
          • openvino.runtime.opset5.deformable_psroi_pooling
          • openvino.runtime.opset5.depth_to_space
          • openvino.runtime.opset5.detection_output
          • openvino.runtime.opset5.divide
          • openvino.runtime.opset5.elu
          • openvino.runtime.opset5.embedding_bag_offsets_sum
          • openvino.runtime.opset5.embedding_bag_packed_sum
          • openvino.runtime.opset5.embedding_segments_sum
          • openvino.runtime.opset5.equal
          • openvino.runtime.opset5.erf
          • openvino.runtime.opset5.exp
          • openvino.runtime.opset5.extract_image_patches
          • openvino.runtime.opset5.fake_quantize
          • openvino.runtime.opset5.floor
          • openvino.runtime.opset5.floor_mod
          • openvino.runtime.opset5.gather
          • openvino.runtime.opset5.gather_nd
          • openvino.runtime.opset5.gather_tree
          • openvino.runtime.opset5.gelu
          • openvino.runtime.opset5.greater
          • openvino.runtime.opset5.greater_equal
          • openvino.runtime.opset5.grn
          • openvino.runtime.opset5.group_convolution
          • openvino.runtime.opset5.group_convolution_backprop_data
          • openvino.runtime.opset5.gru_cell
          • openvino.runtime.opset5.gru_sequence
          • openvino.runtime.opset5.hard_sigmoid
          • openvino.runtime.opset5.hsigmoid
          • openvino.runtime.opset5.hswish
          • openvino.runtime.opset5.interpolate
          • openvino.runtime.opset5.less
          • openvino.runtime.opset5.less_equal
          • openvino.runtime.opset5.log
          • openvino.runtime.opset5.log_softmax
          • openvino.runtime.opset5.logical_and
          • openvino.runtime.opset5.logical_not
          • openvino.runtime.opset5.logical_or
          • openvino.runtime.opset5.logical_xor
          • openvino.runtime.opset5.lrn
          • openvino.runtime.opset5.lstm_cell
          • openvino.runtime.opset5.lstm_sequence
          • openvino.runtime.opset5.matmul
          • openvino.runtime.opset5.max_pool
          • openvino.runtime.opset5.maximum
          • openvino.runtime.opset5.minimum
          • openvino.runtime.opset5.mish
          • openvino.runtime.opset5.mod
          • openvino.runtime.opset5.multiply
          • openvino.runtime.opset5.mvn
          • openvino.runtime.opset5.negative
          • openvino.runtime.opset5.non_max_suppression
          • openvino.runtime.opset5.non_zero
          • openvino.runtime.opset5.normalize_l2
          • openvino.runtime.opset5.not_equal
          • openvino.runtime.opset5.one_hot
          • openvino.runtime.opset5.pad
          • openvino.runtime.opset5.parameter
          • openvino.runtime.opset5.power
          • openvino.runtime.opset5.prelu
          • openvino.runtime.opset5.prior_box
          • openvino.runtime.opset5.prior_box_clustered
          • openvino.runtime.opset5.proposal
          • openvino.runtime.opset5.psroi_pooling
          • openvino.runtime.opset5.range
          • openvino.runtime.opset5.read_value
          • openvino.runtime.opset5.reduce_l1
          • openvino.runtime.opset5.reduce_l2
          • openvino.runtime.opset5.reduce_logical_and
          • openvino.runtime.opset5.reduce_logical_or
          • openvino.runtime.opset5.reduce_max
          • openvino.runtime.opset5.reduce_mean
          • openvino.runtime.opset5.reduce_min
          • openvino.runtime.opset5.reduce_prod
          • openvino.runtime.opset5.reduce_sum
          • openvino.runtime.opset5.region_yolo
          • openvino.runtime.opset5.relu
          • openvino.runtime.opset5.reorg_yolo
          • openvino.runtime.opset5.reshape
          • openvino.runtime.opset5.result
          • openvino.runtime.opset5.reverse_sequence
          • openvino.runtime.opset5.rnn_cell
          • openvino.runtime.opset5.rnn_sequence
          • openvino.runtime.opset5.roi_align
          • openvino.runtime.opset5.roi_pooling
          • openvino.runtime.opset5.round
          • openvino.runtime.opset5.scatter_elements_update
          • openvino.runtime.opset5.scatter_nd_update
          • openvino.runtime.opset5.scatter_update
          • openvino.runtime.opset5.select
          • openvino.runtime.opset5.selu
          • openvino.runtime.opset5.shape_of
          • openvino.runtime.opset5.shuffle_channels
          • openvino.runtime.opset5.sigmoid
          • openvino.runtime.opset5.sign
          • openvino.runtime.opset5.sin
          • openvino.runtime.opset5.sinh
          • openvino.runtime.opset5.softmax
          • openvino.runtime.opset5.softplus
          • openvino.runtime.opset5.space_to_batch
          • openvino.runtime.opset5.space_to_depth
          • openvino.runtime.opset5.split
          • openvino.runtime.opset5.sqrt
          • openvino.runtime.opset5.squared_difference
          • openvino.runtime.opset5.squeeze
          • openvino.runtime.opset5.strided_slice
          • openvino.runtime.opset5.subtract
          • openvino.runtime.opset5.swish
          • openvino.runtime.opset5.tan
          • openvino.runtime.opset5.tanh
          • openvino.runtime.opset5.tile
          • openvino.runtime.opset5.topk
          • openvino.runtime.opset5.transpose
          • openvino.runtime.opset5.unsqueeze
          • openvino.runtime.opset5.variadic_split
          • openvino.runtime.opset5.loop
          • openvino.runtime.opset5.tensor_iterator
        • openvino.runtime.opset6
          • openvino.runtime.opset6.abs
          • openvino.runtime.opset6.absolute
          • openvino.runtime.opset6.acos
          • openvino.runtime.opset6.acosh
          • openvino.runtime.opset6.add
          • openvino.runtime.opset6.asin
          • openvino.runtime.opset6.asinh
          • openvino.runtime.opset6.atan
          • openvino.runtime.opset6.atanh
          • openvino.runtime.opset6.avg_pool
          • openvino.runtime.opset6.batch_norm_inference
          • openvino.runtime.opset6.batch_to_space
          • openvino.runtime.opset6.binary_convolution
          • openvino.runtime.opset6.broadcast
          • openvino.runtime.opset6.bucketize
          • openvino.runtime.opset6.ceil
          • openvino.runtime.opset6.ceiling
          • openvino.runtime.opset6.clamp
          • openvino.runtime.opset6.concat
          • openvino.runtime.opset6.constant
          • openvino.runtime.opset6.convert
          • openvino.runtime.opset6.convert_like
          • openvino.runtime.opset6.convolution
          • openvino.runtime.opset6.convolution_backprop_data
          • openvino.runtime.opset6.cos
          • openvino.runtime.opset6.cosh
          • openvino.runtime.opset6.ctc_greedy_decoder
          • openvino.runtime.opset6.ctc_greedy_decoder_seq_len
          • openvino.runtime.opset6.ctc_loss
          • openvino.runtime.opset6.cum_sum
          • openvino.runtime.opset6.cumsum
          • openvino.runtime.opset6.deformable_convolution
          • openvino.runtime.opset6.deformable_psroi_pooling
          • openvino.runtime.opset6.depth_to_space
          • openvino.runtime.opset6.detection_output
          • openvino.runtime.opset6.divide
          • openvino.runtime.opset6.elu
          • openvino.runtime.opset6.embedding_bag_offsets_sum
          • openvino.runtime.opset6.embedding_bag_packed_sum
          • openvino.runtime.opset6.embedding_segments_sum
          • openvino.runtime.opset6.equal
          • openvino.runtime.opset6.erf
          • openvino.runtime.opset6.exp
          • openvino.runtime.opset6.extract_image_patches
          • openvino.runtime.opset6.fake_quantize
          • openvino.runtime.opset6.floor
          • openvino.runtime.opset6.floor_mod
          • openvino.runtime.opset6.gather
          • openvino.runtime.opset6.gather_elements
          • openvino.runtime.opset6.gather_nd
          • openvino.runtime.opset6.gather_tree
          • openvino.runtime.opset6.gelu
          • openvino.runtime.opset6.greater
          • openvino.runtime.opset6.greater_equal
          • openvino.runtime.opset6.grn
          • openvino.runtime.opset6.group_convolution
          • openvino.runtime.opset6.group_convolution_backprop_data
          • openvino.runtime.opset6.gru_cell
          • openvino.runtime.opset6.gru_sequence
          • openvino.runtime.opset6.hard_sigmoid
          • openvino.runtime.opset6.hsigmoid
          • openvino.runtime.opset6.hswish
          • openvino.runtime.opset6.interpolate
          • openvino.runtime.opset6.less
          • openvino.runtime.opset6.less_equal
          • openvino.runtime.opset6.log
          • openvino.runtime.opset6.log_softmax
          • openvino.runtime.opset6.logical_and
          • openvino.runtime.opset6.logical_not
          • openvino.runtime.opset6.logical_or
          • openvino.runtime.opset6.logical_xor
          • openvino.runtime.opset6.lrn
          • openvino.runtime.opset6.lstm_cell
          • openvino.runtime.opset6.lstm_sequence
          • openvino.runtime.opset6.matmul
          • openvino.runtime.opset6.max_pool
          • openvino.runtime.opset6.maximum
          • openvino.runtime.opset6.minimum
          • openvino.runtime.opset6.mish
          • openvino.runtime.opset6.mod
          • openvino.runtime.opset6.multiply
          • openvino.runtime.opset6.mvn
          • openvino.runtime.opset6.negative
          • openvino.runtime.opset6.non_max_suppression
          • openvino.runtime.opset6.non_zero
          • openvino.runtime.opset6.normalize_l2
          • openvino.runtime.opset6.not_equal
          • openvino.runtime.opset6.one_hot
          • openvino.runtime.opset6.pad
          • openvino.runtime.opset6.parameter
          • openvino.runtime.opset6.power
          • openvino.runtime.opset6.prelu
          • openvino.runtime.opset6.prior_box
          • openvino.runtime.opset6.prior_box_clustered
          • openvino.runtime.opset6.proposal
          • openvino.runtime.opset6.psroi_pooling
          • openvino.runtime.opset6.range
          • openvino.runtime.opset6.reduce_l1
          • openvino.runtime.opset6.reduce_l2
          • openvino.runtime.opset6.reduce_logical_and
          • openvino.runtime.opset6.reduce_logical_or
          • openvino.runtime.opset6.reduce_max
          • openvino.runtime.opset6.reduce_mean
          • openvino.runtime.opset6.reduce_min
          • openvino.runtime.opset6.reduce_prod
          • openvino.runtime.opset6.reduce_sum
          • openvino.runtime.opset6.region_yolo
          • openvino.runtime.opset6.relu
          • openvino.runtime.opset6.reorg_yolo
          • openvino.runtime.opset6.reshape
          • openvino.runtime.opset6.result
          • openvino.runtime.opset6.reverse_sequence
          • openvino.runtime.opset6.rnn_cell
          • openvino.runtime.opset6.rnn_sequence
          • openvino.runtime.opset6.roi_align
          • openvino.runtime.opset6.roi_pooling
          • openvino.runtime.opset6.round
          • openvino.runtime.opset6.scatter_elements_update
          • openvino.runtime.opset6.scatter_nd_update
          • openvino.runtime.opset6.scatter_update
          • openvino.runtime.opset6.select
          • openvino.runtime.opset6.selu
          • openvino.runtime.opset6.shape_of
          • openvino.runtime.opset6.shuffle_channels
          • openvino.runtime.opset6.sigmoid
          • openvino.runtime.opset6.sign
          • openvino.runtime.opset6.sin
          • openvino.runtime.opset6.sinh
          • openvino.runtime.opset6.softmax
          • openvino.runtime.opset6.softplus
          • openvino.runtime.opset6.space_to_batch
          • openvino.runtime.opset6.space_to_depth
          • openvino.runtime.opset6.split
          • openvino.runtime.opset6.sqrt
          • openvino.runtime.opset6.squared_difference
          • openvino.runtime.opset6.squeeze
          • openvino.runtime.opset6.strided_slice
          • openvino.runtime.opset6.subtract
          • openvino.runtime.opset6.swish
          • openvino.runtime.opset6.tan
          • openvino.runtime.opset6.tanh
          • openvino.runtime.opset6.tile
          • openvino.runtime.opset6.topk
          • openvino.runtime.opset6.transpose
          • openvino.runtime.opset6.unsqueeze
          • openvino.runtime.opset6.variadic_split
          • openvino.runtime.opset6.assign
          • openvino.runtime.opset6.loop
          • openvino.runtime.opset6.tensor_iterator
        • openvino.runtime.opset7
          • openvino.runtime.opset7.abs
          • openvino.runtime.opset7.absolute
          • openvino.runtime.opset7.acos
          • openvino.runtime.opset7.acosh
          • openvino.runtime.opset7.add
          • openvino.runtime.opset7.asin
          • openvino.runtime.opset7.asinh
          • openvino.runtime.opset7.atan
          • openvino.runtime.opset7.atanh
          • openvino.runtime.opset7.avg_pool
          • openvino.runtime.opset7.batch_norm_inference
          • openvino.runtime.opset7.batch_to_space
          • openvino.runtime.opset7.binary_convolution
          • openvino.runtime.opset7.broadcast
          • openvino.runtime.opset7.bucketize
          • openvino.runtime.opset7.ceil
          • openvino.runtime.opset7.ceiling
          • openvino.runtime.opset7.clamp
          • openvino.runtime.opset7.concat
          • openvino.runtime.opset7.constant
          • openvino.runtime.opset7.convert
          • openvino.runtime.opset7.convert_like
          • openvino.runtime.opset7.convolution
          • openvino.runtime.opset7.convolution_backprop_data
          • openvino.runtime.opset7.cos
          • openvino.runtime.opset7.cosh
          • openvino.runtime.opset7.ctc_greedy_decoder
          • openvino.runtime.opset7.ctc_greedy_decoder_seq_len
          • openvino.runtime.opset7.ctc_loss
          • openvino.runtime.opset7.cum_sum
          • openvino.runtime.opset7.cumsum
          • openvino.runtime.opset7.deformable_convolution
          • openvino.runtime.opset7.deformable_psroi_pooling
          • openvino.runtime.opset7.depth_to_space
          • openvino.runtime.opset7.detection_output
          • openvino.runtime.opset7.dft
          • openvino.runtime.opset7.divide
          • openvino.runtime.opset7.einsum
          • openvino.runtime.opset7.elu
          • openvino.runtime.opset7.embedding_bag_offsets_sum
          • openvino.runtime.opset7.embedding_bag_packed_sum
          • openvino.runtime.opset7.embedding_segments_sum
          • openvino.runtime.opset7.equal
          • openvino.runtime.opset7.erf
          • openvino.runtime.opset7.exp
          • openvino.runtime.opset7.extract_image_patches
          • openvino.runtime.opset7.fake_quantize
          • openvino.runtime.opset7.floor
          • openvino.runtime.opset7.floor_mod
          • openvino.runtime.opset7.gather
          • openvino.runtime.opset7.gather_elements
          • openvino.runtime.opset7.gather_nd
          • openvino.runtime.opset7.gather_tree
          • openvino.runtime.opset7.gelu
          • openvino.runtime.opset7.greater
          • openvino.runtime.opset7.greater_equal
          • openvino.runtime.opset7.grn
          • openvino.runtime.opset7.group_convolution
          • openvino.runtime.opset7.group_convolution_backprop_data
          • openvino.runtime.opset7.gru_cell
          • openvino.runtime.opset7.gru_sequence
          • openvino.runtime.opset7.hard_sigmoid
          • openvino.runtime.opset7.hsigmoid
          • openvino.runtime.opset7.hswish
          • openvino.runtime.opset7.idft
          • openvino.runtime.opset7.interpolate
          • openvino.runtime.opset7.less
          • openvino.runtime.opset7.less_equal
          • openvino.runtime.opset7.log
          • openvino.runtime.opset7.log_softmax
          • openvino.runtime.opset7.logical_and
          • openvino.runtime.opset7.logical_not
          • openvino.runtime.opset7.logical_or
          • openvino.runtime.opset7.logical_xor
          • openvino.runtime.opset7.lrn
          • openvino.runtime.opset7.lstm_cell
          • openvino.runtime.opset7.lstm_sequence
          • openvino.runtime.opset7.matmul
          • openvino.runtime.opset7.max_pool
          • openvino.runtime.opset7.maximum
          • openvino.runtime.opset7.minimum
          • openvino.runtime.opset7.mish
          • openvino.runtime.opset7.mod
          • openvino.runtime.opset7.multiply
          • openvino.runtime.opset7.mvn
          • openvino.runtime.opset7.negative
          • openvino.runtime.opset7.non_max_suppression
          • openvino.runtime.opset7.non_zero
          • openvino.runtime.opset7.normalize_l2
          • openvino.runtime.opset7.not_equal
          • openvino.runtime.opset7.one_hot
          • openvino.runtime.opset7.pad
          • openvino.runtime.opset7.parameter
          • openvino.runtime.opset7.power
          • openvino.runtime.opset7.prelu
          • openvino.runtime.opset7.prior_box
          • openvino.runtime.opset7.prior_box_clustered
          • openvino.runtime.opset7.proposal
          • openvino.runtime.opset7.psroi_pooling
          • openvino.runtime.opset7.range
          • openvino.runtime.opset7.reduce_l1
          • openvino.runtime.opset7.reduce_l2
          • openvino.runtime.opset7.reduce_logical_and
          • openvino.runtime.opset7.reduce_logical_or
          • openvino.runtime.opset7.reduce_max
          • openvino.runtime.opset7.reduce_mean
          • openvino.runtime.opset7.reduce_min
          • openvino.runtime.opset7.reduce_prod
          • openvino.runtime.opset7.reduce_sum
          • openvino.runtime.opset7.region_yolo
          • openvino.runtime.opset7.relu
          • openvino.runtime.opset7.reorg_yolo
          • openvino.runtime.opset7.reshape
          • openvino.runtime.opset7.result
          • openvino.runtime.opset7.reverse_sequence
          • openvino.runtime.opset7.rnn_cell
          • openvino.runtime.opset7.rnn_sequence
          • openvino.runtime.opset7.roi_align
          • openvino.runtime.opset7.roi_pooling
          • openvino.runtime.opset7.roll
          • openvino.runtime.opset7.round
          • openvino.runtime.opset7.scatter_elements_update
          • openvino.runtime.opset7.scatter_nd_update
          • openvino.runtime.opset7.scatter_update
          • openvino.runtime.opset7.select
          • openvino.runtime.opset7.selu
          • openvino.runtime.opset7.shape_of
          • openvino.runtime.opset7.shuffle_channels
          • openvino.runtime.opset7.sigmoid
          • openvino.runtime.opset7.sign
          • openvino.runtime.opset7.sin
          • openvino.runtime.opset7.sinh
          • openvino.runtime.opset7.softmax
          • openvino.runtime.opset7.softplus
          • openvino.runtime.opset7.space_to_batch
          • openvino.runtime.opset7.space_to_depth
          • openvino.runtime.opset7.split
          • openvino.runtime.opset7.sqrt
          • openvino.runtime.opset7.squared_difference
          • openvino.runtime.opset7.squeeze
          • openvino.runtime.opset7.strided_slice
          • openvino.runtime.opset7.subtract
          • openvino.runtime.opset7.swish
          • openvino.runtime.opset7.tan
          • openvino.runtime.opset7.tanh
          • openvino.runtime.opset7.tile
          • openvino.runtime.opset7.topk
          • openvino.runtime.opset7.transpose
          • openvino.runtime.opset7.unsqueeze
          • openvino.runtime.opset7.variadic_split
          • openvino.runtime.opset7.assign
          • openvino.runtime.opset7.loop
          • openvino.runtime.opset7.tensor_iterator
        • openvino.runtime.opset8
          • openvino.runtime.opset8.abs
          • openvino.runtime.opset8.absolute
          • openvino.runtime.opset8.acos
          • openvino.runtime.opset8.acosh
          • openvino.runtime.opset8.adaptive_avg_pool
          • openvino.runtime.opset8.adaptive_max_pool
          • openvino.runtime.opset8.add
          • openvino.runtime.opset8.asin
          • openvino.runtime.opset8.asinh
          • openvino.runtime.opset8.atan
          • openvino.runtime.opset8.atanh
          • openvino.runtime.opset8.avg_pool
          • openvino.runtime.opset8.batch_norm_inference
          • openvino.runtime.opset8.batch_to_space
          • openvino.runtime.opset8.binary_convolution
          • openvino.runtime.opset8.broadcast
          • openvino.runtime.opset8.bucketize
          • openvino.runtime.opset8.ceil
          • openvino.runtime.opset8.ceiling
          • openvino.runtime.opset8.clamp
          • openvino.runtime.opset8.concat
          • openvino.runtime.opset8.constant
          • openvino.runtime.opset8.convert
          • openvino.runtime.opset8.convert_like
          • openvino.runtime.opset8.convolution
          • openvino.runtime.opset8.convolution_backprop_data
          • openvino.runtime.opset8.cos
          • openvino.runtime.opset8.cosh
          • openvino.runtime.opset8.ctc_greedy_decoder
          • openvino.runtime.opset8.ctc_greedy_decoder_seq_len
          • openvino.runtime.opset8.ctc_loss
          • openvino.runtime.opset8.cum_sum
          • openvino.runtime.opset8.cumsum
          • openvino.runtime.opset8.deformable_convolution
          • openvino.runtime.opset8.deformable_psroi_pooling
          • openvino.runtime.opset8.depth_to_space
          • openvino.runtime.opset8.detection_output
          • openvino.runtime.opset8.dft
          • openvino.runtime.opset8.divide
          • openvino.runtime.opset8.einsum
          • openvino.runtime.opset8.elu
          • openvino.runtime.opset8.embedding_bag_offsets_sum
          • openvino.runtime.opset8.embedding_bag_packed_sum
          • openvino.runtime.opset8.embedding_segments_sum
          • openvino.runtime.opset8.equal
          • openvino.runtime.opset8.erf
          • openvino.runtime.opset8.exp
          • openvino.runtime.opset8.extract_image_patches
          • openvino.runtime.opset8.fake_quantize
          • openvino.runtime.opset8.floor
          • openvino.runtime.opset8.floor_mod
          • openvino.runtime.opset8.gather
          • openvino.runtime.opset8.gather_elements
          • openvino.runtime.opset8.gather_nd
          • openvino.runtime.opset8.gather_tree
          • openvino.runtime.opset8.gelu
          • openvino.runtime.opset8.greater
          • openvino.runtime.opset8.greater_equal
          • openvino.runtime.opset8.grn
          • openvino.runtime.opset8.group_convolution
          • openvino.runtime.opset8.group_convolution_backprop_data
          • openvino.runtime.opset8.gru_cell
          • openvino.runtime.opset8.gru_sequence
          • openvino.runtime.opset8.hard_sigmoid
          • openvino.runtime.opset8.hsigmoid
          • openvino.runtime.opset8.hswish
          • openvino.runtime.opset8.i420_to_bgr
          • openvino.runtime.opset8.i420_to_rgb
          • openvino.runtime.opset8.idft
          • openvino.runtime.opset8.interpolate
          • openvino.runtime.opset8.less
          • openvino.runtime.opset8.less_equal
          • openvino.runtime.opset8.log
          • openvino.runtime.opset8.log_softmax
          • openvino.runtime.opset8.logical_and
          • openvino.runtime.opset8.logical_not
          • openvino.runtime.opset8.logical_or
          • openvino.runtime.opset8.logical_xor
          • openvino.runtime.opset8.lrn
          • openvino.runtime.opset8.lstm_cell
          • openvino.runtime.opset8.lstm_sequence
          • openvino.runtime.opset8.matmul
          • openvino.runtime.opset8.matrix_nms
          • openvino.runtime.opset8.max_pool
          • openvino.runtime.opset8.maximum
          • openvino.runtime.opset8.minimum
          • openvino.runtime.opset8.mish
          • openvino.runtime.opset8.mod
          • openvino.runtime.opset8.multiclass_nms
          • openvino.runtime.opset8.multiply
          • openvino.runtime.opset8.mvn
          • openvino.runtime.opset8.negative
          • openvino.runtime.opset8.non_max_suppression
          • openvino.runtime.opset8.non_zero
          • openvino.runtime.opset8.normalize_l2
          • openvino.runtime.opset8.not_equal
          • openvino.runtime.opset8.nv12_to_bgr
          • openvino.runtime.opset8.nv12_to_rgb
          • openvino.runtime.opset8.one_hot
          • openvino.runtime.opset8.pad
          • openvino.runtime.opset8.parameter
          • openvino.runtime.opset8.power
          • openvino.runtime.opset8.prelu
          • openvino.runtime.opset8.prior_box
          • openvino.runtime.opset8.prior_box_clustered
          • openvino.runtime.opset8.proposal
          • openvino.runtime.opset8.psroi_pooling
          • openvino.runtime.opset8.random_uniform
          • openvino.runtime.opset8.range
          • openvino.runtime.opset8.reduce_l1
          • openvino.runtime.opset8.reduce_l2
          • openvino.runtime.opset8.reduce_logical_and
          • openvino.runtime.opset8.reduce_logical_or
          • openvino.runtime.opset8.reduce_max
          • openvino.runtime.opset8.reduce_mean
          • openvino.runtime.opset8.reduce_min
          • openvino.runtime.opset8.reduce_prod
          • openvino.runtime.opset8.reduce_sum
          • openvino.runtime.opset8.region_yolo
          • openvino.runtime.opset8.relu
          • openvino.runtime.opset8.reorg_yolo
          • openvino.runtime.opset8.reshape
          • openvino.runtime.opset8.result
          • openvino.runtime.opset8.reverse_sequence
          • openvino.runtime.opset8.rnn_cell
          • openvino.runtime.opset8.rnn_sequence
          • openvino.runtime.opset8.roi_align
          • openvino.runtime.opset8.roi_pooling
          • openvino.runtime.opset8.roll
          • openvino.runtime.opset8.round
          • openvino.runtime.opset8.scatter_elements_update
          • openvino.runtime.opset8.scatter_nd_update
          • openvino.runtime.opset8.scatter_update
          • openvino.runtime.opset8.select
          • openvino.runtime.opset8.selu
          • openvino.runtime.opset8.shape_of
          • openvino.runtime.opset8.shuffle_channels
          • openvino.runtime.opset8.sigmoid
          • openvino.runtime.opset8.sign
          • openvino.runtime.opset8.sin
          • openvino.runtime.opset8.sinh
          • openvino.runtime.opset8.slice
          • openvino.runtime.opset8.softmax
          • openvino.runtime.opset8.softplus
          • openvino.runtime.opset8.space_to_batch
          • openvino.runtime.opset8.space_to_depth
          • openvino.runtime.opset8.split
          • openvino.runtime.opset8.sqrt
          • openvino.runtime.opset8.squared_difference
          • openvino.runtime.opset8.squeeze
          • openvino.runtime.opset8.strided_slice
          • openvino.runtime.opset8.subtract
          • openvino.runtime.opset8.swish
          • openvino.runtime.opset8.tan
          • openvino.runtime.opset8.tanh
          • openvino.runtime.opset8.tile
          • openvino.runtime.opset8.topk
          • openvino.runtime.opset8.transpose
          • openvino.runtime.opset8.unsqueeze
          • openvino.runtime.opset8.variadic_split
          • openvino.runtime.opset8.assign
          • openvino.runtime.opset8.if_op
          • openvino.runtime.opset8.loop
          • openvino.runtime.opset8.tensor_iterator
        • openvino.runtime.opset9
          • openvino.runtime.opset9.abs
          • openvino.runtime.opset9.absolute
          • openvino.runtime.opset9.acos
          • openvino.runtime.opset9.acosh
          • openvino.runtime.opset9.adaptive_avg_pool
          • openvino.runtime.opset9.adaptive_max_pool
          • openvino.runtime.opset9.add
          • openvino.runtime.opset9.asin
          • openvino.runtime.opset9.asinh
          • openvino.runtime.opset9.atan
          • openvino.runtime.opset9.atanh
          • openvino.runtime.opset9.avg_pool
          • openvino.runtime.opset9.batch_norm_inference
          • openvino.runtime.opset9.batch_to_space
          • openvino.runtime.opset9.binary_convolution
          • openvino.runtime.opset9.broadcast
          • openvino.runtime.opset9.bucketize
          • openvino.runtime.opset9.ceil
          • openvino.runtime.opset9.ceiling
          • openvino.runtime.opset9.clamp
          • openvino.runtime.opset9.concat
          • openvino.runtime.opset9.constant
          • openvino.runtime.opset9.convert
          • openvino.runtime.opset9.convert_like
          • openvino.runtime.opset9.convolution
          • openvino.runtime.opset9.convolution_backprop_data
          • openvino.runtime.opset9.cos
          • openvino.runtime.opset9.cosh
          • openvino.runtime.opset9.ctc_greedy_decoder
          • openvino.runtime.opset9.ctc_greedy_decoder_seq_len
          • openvino.runtime.opset9.ctc_loss
          • openvino.runtime.opset9.cum_sum
          • openvino.runtime.opset9.cumsum
          • openvino.runtime.opset9.deformable_convolution
          • openvino.runtime.opset9.deformable_psroi_pooling
          • openvino.runtime.opset9.depth_to_space
          • openvino.runtime.opset9.detection_output
          • openvino.runtime.opset9.dft
          • openvino.runtime.opset9.divide
          • openvino.runtime.opset9.einsum
          • openvino.runtime.opset9.elu
          • openvino.runtime.opset9.embedding_bag_offsets_sum
          • openvino.runtime.opset9.embedding_bag_packed_sum
          • openvino.runtime.opset9.embedding_segments_sum
          • openvino.runtime.opset9.equal
          • openvino.runtime.opset9.erf
          • openvino.runtime.opset9.exp
          • openvino.runtime.opset9.extract_image_patches
          • openvino.runtime.opset9.eye
          • openvino.runtime.opset9.fake_quantize
          • openvino.runtime.opset9.floor
          • openvino.runtime.opset9.floor_mod
          • openvino.runtime.opset9.gather
          • openvino.runtime.opset9.gather_elements
          • openvino.runtime.opset9.gather_nd
          • openvino.runtime.opset9.gather_tree
          • openvino.runtime.opset9.gelu
          • openvino.runtime.opset9.generate_proposals
          • openvino.runtime.opset9.greater
          • openvino.runtime.opset9.greater_equal
          • openvino.runtime.opset9.grid_sample
          • openvino.runtime.opset9.grn
          • openvino.runtime.opset9.group_convolution
          • openvino.runtime.opset9.group_convolution_backprop_data
          • openvino.runtime.opset9.gru_cell
          • openvino.runtime.opset9.gru_sequence
          • openvino.runtime.opset9.hard_sigmoid
          • openvino.runtime.opset9.hsigmoid
          • openvino.runtime.opset9.hswish
          • openvino.runtime.opset9.i420_to_bgr
          • openvino.runtime.opset9.i420_to_rgb
          • openvino.runtime.opset9.idft
          • openvino.runtime.opset9.interpolate
          • openvino.runtime.opset9.irdft
          • openvino.runtime.opset9.less
          • openvino.runtime.opset9.less_equal
          • openvino.runtime.opset9.log
          • openvino.runtime.opset9.log_softmax
          • openvino.runtime.opset9.logical_and
          • openvino.runtime.opset9.logical_not
          • openvino.runtime.opset9.logical_or
          • openvino.runtime.opset9.logical_xor
          • openvino.runtime.opset9.lrn
          • openvino.runtime.opset9.lstm_cell
          • openvino.runtime.opset9.lstm_sequence
          • openvino.runtime.opset9.matmul
          • openvino.runtime.opset9.matrix_nms
          • openvino.runtime.opset9.max_pool
          • openvino.runtime.opset9.maximum
          • openvino.runtime.opset9.minimum
          • openvino.runtime.opset9.mish
          • openvino.runtime.opset9.mod
          • openvino.runtime.opset9.multiclass_nms
          • openvino.runtime.opset9.multiply
          • openvino.runtime.opset9.mvn
          • openvino.runtime.opset9.negative
          • openvino.runtime.opset9.non_max_suppression
          • openvino.runtime.opset9.non_zero
          • openvino.runtime.opset9.normalize_l2
          • openvino.runtime.opset9.not_equal
          • openvino.runtime.opset9.nv12_to_bgr
          • openvino.runtime.opset9.nv12_to_rgb
          • openvino.runtime.opset9.one_hot
          • openvino.runtime.opset9.pad
          • openvino.runtime.opset9.parameter
          • openvino.runtime.opset9.power
          • openvino.runtime.opset9.prelu
          • openvino.runtime.opset9.prior_box
          • openvino.runtime.opset9.prior_box_clustered
          • openvino.runtime.opset9.proposal
          • openvino.runtime.opset9.psroi_pooling
          • openvino.runtime.opset9.random_uniform
          • openvino.runtime.opset9.range
          • openvino.runtime.opset9.rdft
          • openvino.runtime.opset9.reduce_l1
          • openvino.runtime.opset9.reduce_l2
          • openvino.runtime.opset9.reduce_logical_and
          • openvino.runtime.opset9.reduce_logical_or
          • openvino.runtime.opset9.reduce_max
          • openvino.runtime.opset9.reduce_mean
          • openvino.runtime.opset9.reduce_min
          • openvino.runtime.opset9.reduce_prod
          • openvino.runtime.opset9.reduce_sum
          • openvino.runtime.opset9.region_yolo
          • openvino.runtime.opset9.relu
          • openvino.runtime.opset9.reorg_yolo
          • openvino.runtime.opset9.reshape
          • openvino.runtime.opset9.result
          • openvino.runtime.opset9.reverse_sequence
          • openvino.runtime.opset9.rnn_cell
          • openvino.runtime.opset9.rnn_sequence
          • openvino.runtime.opset9.roi_align
          • openvino.runtime.opset9.roi_pooling
          • openvino.runtime.opset9.roll
          • openvino.runtime.opset9.round
          • openvino.runtime.opset9.scatter_elements_update
          • openvino.runtime.opset9.scatter_nd_update
          • openvino.runtime.opset9.scatter_update
          • openvino.runtime.opset9.select
          • openvino.runtime.opset9.selu
          • openvino.runtime.opset9.shape_of
          • openvino.runtime.opset9.shuffle_channels
          • openvino.runtime.opset9.sigmoid
          • openvino.runtime.opset9.sign
          • openvino.runtime.opset9.sin
          • openvino.runtime.opset9.sinh
          • openvino.runtime.opset9.slice
          • openvino.runtime.opset9.softmax
          • openvino.runtime.opset9.softplus
          • openvino.runtime.opset9.softsign
          • openvino.runtime.opset9.space_to_batch
          • openvino.runtime.opset9.space_to_depth
          • openvino.runtime.opset9.split
          • openvino.runtime.opset9.sqrt
          • openvino.runtime.opset9.squared_difference
          • openvino.runtime.opset9.squeeze
          • openvino.runtime.opset9.strided_slice
          • openvino.runtime.opset9.subtract
          • openvino.runtime.opset9.swish
          • openvino.runtime.opset9.tan
          • openvino.runtime.opset9.tanh
          • openvino.runtime.opset9.tile
          • openvino.runtime.opset9.topk
          • openvino.runtime.opset9.transpose
          • openvino.runtime.opset9.unsqueeze
          • openvino.runtime.opset9.variadic_split
          • openvino.runtime.opset9.assign
          • openvino.runtime.opset9.if_op
          • openvino.runtime.opset9.loop
          • openvino.runtime.opset9.tensor_iterator
        • openvino.runtime.opset10
          • openvino.runtime.opset10.abs
          • openvino.runtime.opset10.absolute
          • openvino.runtime.opset10.acos
          • openvino.runtime.opset10.acosh
          • openvino.runtime.opset10.adaptive_avg_pool
          • openvino.runtime.opset10.adaptive_max_pool
          • openvino.runtime.opset10.add
          • openvino.runtime.opset10.asin
          • openvino.runtime.opset10.asinh
          • openvino.runtime.opset10.atan
          • openvino.runtime.opset10.atanh
          • openvino.runtime.opset10.avg_pool
          • openvino.runtime.opset10.batch_norm_inference
          • openvino.runtime.opset10.batch_to_space
          • openvino.runtime.opset10.binary_convolution
          • openvino.runtime.opset10.broadcast
          • openvino.runtime.opset10.bucketize
          • openvino.runtime.opset10.ceil
          • openvino.runtime.opset10.ceiling
          • openvino.runtime.opset10.clamp
          • openvino.runtime.opset10.concat
          • openvino.runtime.opset10.constant
          • openvino.runtime.opset10.convert
          • openvino.runtime.opset10.convert_like
          • openvino.runtime.opset10.convolution
          • openvino.runtime.opset10.convolution_backprop_data
          • openvino.runtime.opset10.cos
          • openvino.runtime.opset10.cosh
          • openvino.runtime.opset10.ctc_greedy_decoder
          • openvino.runtime.opset10.ctc_greedy_decoder_seq_len
          • openvino.runtime.opset10.ctc_loss
          • openvino.runtime.opset10.cum_sum
          • openvino.runtime.opset10.cumsum
          • openvino.runtime.opset10.deformable_convolution
          • openvino.runtime.opset10.deformable_psroi_pooling
          • openvino.runtime.opset10.depth_to_space
          • openvino.runtime.opset10.detection_output
          • openvino.runtime.opset10.dft
          • openvino.runtime.opset10.divide
          • openvino.runtime.opset10.einsum
          • openvino.runtime.opset10.elu
          • openvino.runtime.opset10.embedding_bag_offsets_sum
          • openvino.runtime.opset10.embedding_bag_packed_sum
          • openvino.runtime.opset10.embedding_segments_sum
          • openvino.runtime.opset10.equal
          • openvino.runtime.opset10.erf
          • openvino.runtime.opset10.exp
          • openvino.runtime.opset10.extract_image_patches
          • openvino.runtime.opset10.eye
          • openvino.runtime.opset10.fake_quantize
          • openvino.runtime.opset10.floor
          • openvino.runtime.opset10.floor_mod
          • openvino.runtime.opset10.gather
          • openvino.runtime.opset10.gather_elements
          • openvino.runtime.opset10.gather_nd
          • openvino.runtime.opset10.gather_tree
          • openvino.runtime.opset10.gelu
          • openvino.runtime.opset10.generate_proposals
          • openvino.runtime.opset10.greater
          • openvino.runtime.opset10.greater_equal
          • openvino.runtime.opset10.grid_sample
          • openvino.runtime.opset10.grn
          • openvino.runtime.opset10.group_convolution
          • openvino.runtime.opset10.group_convolution_backprop_data
          • openvino.runtime.opset10.gru_cell
          • openvino.runtime.opset10.gru_sequence
          • openvino.runtime.opset10.hard_sigmoid
          • openvino.runtime.opset10.hsigmoid
          • openvino.runtime.opset10.hswish
          • openvino.runtime.opset10.i420_to_bgr
          • openvino.runtime.opset10.i420_to_rgb
          • openvino.runtime.opset10.idft
          • openvino.runtime.opset10.interpolate
          • openvino.runtime.opset10.irdft
          • openvino.runtime.opset10.is_finite
          • openvino.runtime.opset10.is_inf
          • openvino.runtime.opset10.is_nan
          • openvino.runtime.opset10.less
          • openvino.runtime.opset10.less_equal
          • openvino.runtime.opset10.log
          • openvino.runtime.opset10.log_softmax
          • openvino.runtime.opset10.logical_and
          • openvino.runtime.opset10.logical_not
          • openvino.runtime.opset10.logical_or
          • openvino.runtime.opset10.logical_xor
          • openvino.runtime.opset10.lrn
          • openvino.runtime.opset10.lstm_cell
          • openvino.runtime.opset10.lstm_sequence
          • openvino.runtime.opset10.matmul
          • openvino.runtime.opset10.matrix_nms
          • openvino.runtime.opset10.max_pool
          • openvino.runtime.opset10.maximum
          • openvino.runtime.opset10.minimum
          • openvino.runtime.opset10.mish
          • openvino.runtime.opset10.mod
          • openvino.runtime.opset10.multiclass_nms
          • openvino.runtime.opset10.multiply
          • openvino.runtime.opset10.mvn
          • openvino.runtime.opset10.negative
          • openvino.runtime.opset10.non_max_suppression
          • openvino.runtime.opset10.non_zero
          • openvino.runtime.opset10.normalize_l2
          • openvino.runtime.opset10.not_equal
          • openvino.runtime.opset10.nv12_to_bgr
          • openvino.runtime.opset10.nv12_to_rgb
          • openvino.runtime.opset10.one_hot
          • openvino.runtime.opset10.pad
          • openvino.runtime.opset10.parameter
          • openvino.runtime.opset10.power
          • openvino.runtime.opset10.prelu
          • openvino.runtime.opset10.prior_box
          • openvino.runtime.opset10.prior_box_clustered
          • openvino.runtime.opset10.proposal
          • openvino.runtime.opset10.psroi_pooling
          • openvino.runtime.opset10.random_uniform
          • openvino.runtime.opset10.range
          • openvino.runtime.opset10.rdft
          • openvino.runtime.opset10.reduce_l1
          • openvino.runtime.opset10.reduce_l2
          • openvino.runtime.opset10.reduce_logical_and
          • openvino.runtime.opset10.reduce_logical_or
          • openvino.runtime.opset10.reduce_max
          • openvino.runtime.opset10.reduce_mean
          • openvino.runtime.opset10.reduce_min
          • openvino.runtime.opset10.reduce_prod
          • openvino.runtime.opset10.reduce_sum
          • openvino.runtime.opset10.region_yolo
          • openvino.runtime.opset10.relu
          • openvino.runtime.opset10.reorg_yolo
          • openvino.runtime.opset10.reshape
          • openvino.runtime.opset10.result
          • openvino.runtime.opset10.reverse_sequence
          • openvino.runtime.opset10.rnn_cell
          • openvino.runtime.opset10.rnn_sequence
          • openvino.runtime.opset10.roi_align
          • openvino.runtime.opset10.roi_pooling
          • openvino.runtime.opset10.roll
          • openvino.runtime.opset10.round
          • openvino.runtime.opset10.scatter_elements_update
          • openvino.runtime.opset10.scatter_nd_update
          • openvino.runtime.opset10.scatter_update
          • openvino.runtime.opset10.select
          • openvino.runtime.opset10.selu
          • openvino.runtime.opset10.shape_of
          • openvino.runtime.opset10.shuffle_channels
          • openvino.runtime.opset10.sigmoid
          • openvino.runtime.opset10.sign
          • openvino.runtime.opset10.sin
          • openvino.runtime.opset10.sinh
          • openvino.runtime.opset10.slice
          • openvino.runtime.opset10.softmax
          • openvino.runtime.opset10.softplus
          • openvino.runtime.opset10.softsign
          • openvino.runtime.opset10.space_to_batch
          • openvino.runtime.opset10.space_to_depth
          • openvino.runtime.opset10.split
          • openvino.runtime.opset10.sqrt
          • openvino.runtime.opset10.squared_difference
          • openvino.runtime.opset10.squeeze
          • openvino.runtime.opset10.strided_slice
          • openvino.runtime.opset10.subtract
          • openvino.runtime.opset10.swish
          • openvino.runtime.opset10.tan
          • openvino.runtime.opset10.tanh
          • openvino.runtime.opset10.tile
          • openvino.runtime.opset10.topk
          • openvino.runtime.opset10.transpose
          • openvino.runtime.opset10.unique
          • openvino.runtime.opset10.unsqueeze
          • openvino.runtime.opset10.variadic_split
          • openvino.runtime.opset10.assign
          • openvino.runtime.opset10.if_op
          • openvino.runtime.opset10.loop
          • openvino.runtime.opset10.tensor_iterator
        • openvino.runtime.opset11
          • openvino.runtime.opset11.abs
          • openvino.runtime.opset11.absolute
          • openvino.runtime.opset11.acos
          • openvino.runtime.opset11.acosh
          • openvino.runtime.opset11.adaptive_avg_pool
          • openvino.runtime.opset11.adaptive_max_pool
          • openvino.runtime.opset11.add
          • openvino.runtime.opset11.asin
          • openvino.runtime.opset11.asinh
          • openvino.runtime.opset11.atan
          • openvino.runtime.opset11.atanh
          • openvino.runtime.opset11.avg_pool
          • openvino.runtime.opset11.batch_norm_inference
          • openvino.runtime.opset11.batch_to_space
          • openvino.runtime.opset11.binary_convolution
          • openvino.runtime.opset11.broadcast
          • openvino.runtime.opset11.bucketize
          • openvino.runtime.opset11.ceil
          • openvino.runtime.opset11.ceiling
          • openvino.runtime.opset11.clamp
          • openvino.runtime.opset11.concat
          • openvino.runtime.opset11.constant
          • openvino.runtime.opset11.convert
          • openvino.runtime.opset11.convert_like
          • openvino.runtime.opset11.convolution
          • openvino.runtime.opset11.convolution_backprop_data
          • openvino.runtime.opset11.cos
          • openvino.runtime.opset11.cosh
          • openvino.runtime.opset11.ctc_greedy_decoder
          • openvino.runtime.opset11.ctc_greedy_decoder_seq_len
          • openvino.runtime.opset11.ctc_loss
          • openvino.runtime.opset11.cum_sum
          • openvino.runtime.opset11.cumsum
          • openvino.runtime.opset11.deformable_convolution
          • openvino.runtime.opset11.deformable_psroi_pooling
          • openvino.runtime.opset11.depth_to_space
          • openvino.runtime.opset11.detection_output
          • openvino.runtime.opset11.dft
          • openvino.runtime.opset11.divide
          • openvino.runtime.opset11.einsum
          • openvino.runtime.opset11.elu
          • openvino.runtime.opset11.embedding_bag_offsets_sum
          • openvino.runtime.opset11.embedding_bag_packed_sum
          • openvino.runtime.opset11.embedding_segments_sum
          • openvino.runtime.opset11.equal
          • openvino.runtime.opset11.erf
          • openvino.runtime.opset11.exp
          • openvino.runtime.opset11.extract_image_patches
          • openvino.runtime.opset11.eye
          • openvino.runtime.opset11.fake_quantize
          • openvino.runtime.opset11.floor
          • openvino.runtime.opset11.floor_mod
          • openvino.runtime.opset11.gather
          • openvino.runtime.opset11.gather_elements
          • openvino.runtime.opset11.gather_nd
          • openvino.runtime.opset11.gather_tree
          • openvino.runtime.opset11.gelu
          • openvino.runtime.opset11.generate_proposals
          • openvino.runtime.opset11.greater
          • openvino.runtime.opset11.greater_equal
          • openvino.runtime.opset11.grid_sample
          • openvino.runtime.opset11.grn
          • openvino.runtime.opset11.group_convolution
          • openvino.runtime.opset11.group_convolution_backprop_data
          • openvino.runtime.opset11.gru_cell
          • openvino.runtime.opset11.gru_sequence
          • openvino.runtime.opset11.hard_sigmoid
          • openvino.runtime.opset11.hsigmoid
          • openvino.runtime.opset11.hswish
          • openvino.runtime.opset11.i420_to_bgr
          • openvino.runtime.opset11.i420_to_rgb
          • openvino.runtime.opset11.idft
          • openvino.runtime.opset11.interpolate
          • openvino.runtime.opset11.irdft
          • openvino.runtime.opset11.is_finite
          • openvino.runtime.opset11.is_inf
          • openvino.runtime.opset11.is_nan
          • openvino.runtime.opset11.less
          • openvino.runtime.opset11.less_equal
          • openvino.runtime.opset11.log
          • openvino.runtime.opset11.log_softmax
          • openvino.runtime.opset11.logical_and
          • openvino.runtime.opset11.logical_not
          • openvino.runtime.opset11.logical_or
          • openvino.runtime.opset11.logical_xor
          • openvino.runtime.opset11.lrn
          • openvino.runtime.opset11.lstm_cell
          • openvino.runtime.opset11.lstm_sequence
          • openvino.runtime.opset11.matmul
          • openvino.runtime.opset11.matrix_nms
          • openvino.runtime.opset11.max_pool
          • openvino.runtime.opset11.maximum
          • openvino.runtime.opset11.minimum
          • openvino.runtime.opset11.mish
          • openvino.runtime.opset11.mod
          • openvino.runtime.opset11.multiclass_nms
          • openvino.runtime.opset11.multiply
          • openvino.runtime.opset11.mvn
          • openvino.runtime.opset11.negative
          • openvino.runtime.opset11.non_max_suppression
          • openvino.runtime.opset11.non_zero
          • openvino.runtime.opset11.normalize_l2
          • openvino.runtime.opset11.not_equal
          • openvino.runtime.opset11.nv12_to_bgr
          • openvino.runtime.opset11.nv12_to_rgb
          • openvino.runtime.opset11.one_hot
          • openvino.runtime.opset11.pad
          • openvino.runtime.opset11.parameter
          • openvino.runtime.opset11.power
          • openvino.runtime.opset11.prelu
          • openvino.runtime.opset11.prior_box
          • openvino.runtime.opset11.prior_box_clustered
          • openvino.runtime.opset11.proposal
          • openvino.runtime.opset11.psroi_pooling
          • openvino.runtime.opset11.random_uniform
          • openvino.runtime.opset11.range
          • openvino.runtime.opset11.rdft
          • openvino.runtime.opset11.reduce_l1
          • openvino.runtime.opset11.reduce_l2
          • openvino.runtime.opset11.reduce_logical_and
          • openvino.runtime.opset11.reduce_logical_or
          • openvino.runtime.opset11.reduce_max
          • openvino.runtime.opset11.reduce_mean
          • openvino.runtime.opset11.reduce_min
          • openvino.runtime.opset11.reduce_prod
          • openvino.runtime.opset11.reduce_sum
          • openvino.runtime.opset11.region_yolo
          • openvino.runtime.opset11.relu
          • openvino.runtime.opset11.reorg_yolo
          • openvino.runtime.opset11.reshape
          • openvino.runtime.opset11.result
          • openvino.runtime.opset11.reverse_sequence
          • openvino.runtime.opset11.rnn_cell
          • openvino.runtime.opset11.rnn_sequence
          • openvino.runtime.opset11.roi_align
          • openvino.runtime.opset11.roi_pooling
          • openvino.runtime.opset11.roll
          • openvino.runtime.opset11.round
          • openvino.runtime.opset11.scatter_elements_update
          • openvino.runtime.opset11.scatter_nd_update
          • openvino.runtime.opset11.scatter_update
          • openvino.runtime.opset11.select
          • openvino.runtime.opset11.selu
          • openvino.runtime.opset11.shape_of
          • openvino.runtime.opset11.shuffle_channels
          • openvino.runtime.opset11.sigmoid
          • openvino.runtime.opset11.sign
          • openvino.runtime.opset11.sin
          • openvino.runtime.opset11.sinh
          • openvino.runtime.opset11.slice
          • openvino.runtime.opset11.softmax
          • openvino.runtime.opset11.softplus
          • openvino.runtime.opset11.softsign
          • openvino.runtime.opset11.space_to_batch
          • openvino.runtime.opset11.space_to_depth
          • openvino.runtime.opset11.split
          • openvino.runtime.opset11.sqrt
          • openvino.runtime.opset11.squared_difference
          • openvino.runtime.opset11.squeeze
          • openvino.runtime.opset11.strided_slice
          • openvino.runtime.opset11.subtract
          • openvino.runtime.opset11.swish
          • openvino.runtime.opset11.tan
          • openvino.runtime.opset11.tanh
          • openvino.runtime.opset11.tile
          • openvino.runtime.opset11.topk
          • openvino.runtime.opset11.transpose
          • openvino.runtime.opset11.unique
          • openvino.runtime.opset11.unsqueeze
          • openvino.runtime.opset11.variadic_split
          • openvino.runtime.opset11.assign
          • openvino.runtime.opset11.if_op
          • openvino.runtime.opset11.loop
          • openvino.runtime.opset11.tensor_iterator
        • openvino.runtime.opset12
          • openvino.runtime.opset12.abs
          • openvino.runtime.opset12.absolute
          • openvino.runtime.opset12.acos
          • openvino.runtime.opset12.acosh
          • openvino.runtime.opset12.adaptive_avg_pool
          • openvino.runtime.opset12.adaptive_max_pool
          • openvino.runtime.opset12.add
          • openvino.runtime.opset12.asin
          • openvino.runtime.opset12.asinh
          • openvino.runtime.opset12.atan
          • openvino.runtime.opset12.atanh
          • openvino.runtime.opset12.avg_pool
          • openvino.runtime.opset12.batch_norm_inference
          • openvino.runtime.opset12.batch_to_space
          • openvino.runtime.opset12.binary_convolution
          • openvino.runtime.opset12.broadcast
          • openvino.runtime.opset12.bucketize
          • openvino.runtime.opset12.ceil
          • openvino.runtime.opset12.ceiling
          • openvino.runtime.opset12.clamp
          • openvino.runtime.opset12.concat
          • openvino.runtime.opset12.constant
          • openvino.runtime.opset12.convert
          • openvino.runtime.opset12.convert_like
          • openvino.runtime.opset12.convolution
          • openvino.runtime.opset12.convolution_backprop_data
          • openvino.runtime.opset12.cos
          • openvino.runtime.opset12.cosh
          • openvino.runtime.opset12.ctc_greedy_decoder
          • openvino.runtime.opset12.ctc_greedy_decoder_seq_len
          • openvino.runtime.opset12.ctc_loss
          • openvino.runtime.opset12.cum_sum
          • openvino.runtime.opset12.cumsum
          • openvino.runtime.opset12.deformable_convolution
          • openvino.runtime.opset12.deformable_psroi_pooling
          • openvino.runtime.opset12.depth_to_space
          • openvino.runtime.opset12.detection_output
          • openvino.runtime.opset12.dft
          • openvino.runtime.opset12.divide
          • openvino.runtime.opset12.einsum
          • openvino.runtime.opset12.elu
          • openvino.runtime.opset12.embedding_bag_offsets_sum
          • openvino.runtime.opset12.embedding_bag_packed_sum
          • openvino.runtime.opset12.embedding_segments_sum
          • openvino.runtime.opset12.equal
          • openvino.runtime.opset12.erf
          • openvino.runtime.opset12.exp
          • openvino.runtime.opset12.extract_image_patches
          • openvino.runtime.opset12.eye
          • openvino.runtime.opset12.fake_quantize
          • openvino.runtime.opset12.floor
          • openvino.runtime.opset12.floor_mod
          • openvino.runtime.opset12.gather
          • openvino.runtime.opset12.gather_elements
          • openvino.runtime.opset12.gather_nd
          • openvino.runtime.opset12.gather_tree
          • openvino.runtime.opset12.gelu
          • openvino.runtime.opset12.generate_proposals
          • openvino.runtime.opset12.greater
          • openvino.runtime.opset12.greater_equal
          • openvino.runtime.opset12.grid_sample
          • openvino.runtime.opset12.grn
          • openvino.runtime.opset12.group_convolution
          • openvino.runtime.opset12.group_convolution_backprop_data
          • openvino.runtime.opset12.group_normalization
          • openvino.runtime.opset12.gru_cell
          • openvino.runtime.opset12.gru_sequence
          • openvino.runtime.opset12.hard_sigmoid
          • openvino.runtime.opset12.hsigmoid
          • openvino.runtime.opset12.hswish
          • openvino.runtime.opset12.i420_to_bgr
          • openvino.runtime.opset12.i420_to_rgb
          • openvino.runtime.opset12.idft
          • openvino.runtime.opset12.interpolate
          • openvino.runtime.opset12.irdft
          • openvino.runtime.opset12.is_finite
          • openvino.runtime.opset12.is_inf
          • openvino.runtime.opset12.is_nan
          • openvino.runtime.opset12.less
          • openvino.runtime.opset12.less_equal
          • openvino.runtime.opset12.log
          • openvino.runtime.opset12.log_softmax
          • openvino.runtime.opset12.logical_and
          • openvino.runtime.opset12.logical_not
          • openvino.runtime.opset12.logical_or
          • openvino.runtime.opset12.logical_xor
          • openvino.runtime.opset12.lrn
          • openvino.runtime.opset12.lstm_cell
          • openvino.runtime.opset12.lstm_sequence
          • openvino.runtime.opset12.matmul
          • openvino.runtime.opset12.matrix_nms
          • openvino.runtime.opset12.max_pool
          • openvino.runtime.opset12.maximum
          • openvino.runtime.opset12.minimum
          • openvino.runtime.opset12.mish
          • openvino.runtime.opset12.mod
          • openvino.runtime.opset12.multiclass_nms
          • openvino.runtime.opset12.multiply
          • openvino.runtime.opset12.mvn
          • openvino.runtime.opset12.negative
          • openvino.runtime.opset12.non_max_suppression
          • openvino.runtime.opset12.non_zero
          • openvino.runtime.opset12.normalize_l2
          • openvino.runtime.opset12.not_equal
          • openvino.runtime.opset12.nv12_to_bgr
          • openvino.runtime.opset12.nv12_to_rgb
          • openvino.runtime.opset12.one_hot
          • openvino.runtime.opset12.pad
          • openvino.runtime.opset12.parameter
          • openvino.runtime.opset12.power
          • openvino.runtime.opset12.prelu
          • openvino.runtime.opset12.prior_box
          • openvino.runtime.opset12.prior_box_clustered
          • openvino.runtime.opset12.proposal
          • openvino.runtime.opset12.psroi_pooling
          • openvino.runtime.opset12.random_uniform
          • openvino.runtime.opset12.range
          • openvino.runtime.opset12.rdft
          • openvino.runtime.opset12.reduce_l1
          • openvino.runtime.opset12.reduce_l2
          • openvino.runtime.opset12.reduce_logical_and
          • openvino.runtime.opset12.reduce_logical_or
          • openvino.runtime.opset12.reduce_max
          • openvino.runtime.opset12.reduce_mean
          • openvino.runtime.opset12.reduce_min
          • openvino.runtime.opset12.reduce_prod
          • openvino.runtime.opset12.reduce_sum
          • openvino.runtime.opset12.region_yolo
          • openvino.runtime.opset12.relu
          • openvino.runtime.opset12.reorg_yolo
          • openvino.runtime.opset12.reshape
          • openvino.runtime.opset12.result
          • openvino.runtime.opset12.reverse_sequence
          • openvino.runtime.opset12.rnn_cell
          • openvino.runtime.opset12.rnn_sequence
          • openvino.runtime.opset12.roi_align
          • openvino.runtime.opset12.roi_pooling
          • openvino.runtime.opset12.roll
          • openvino.runtime.opset12.round
          • openvino.runtime.opset12.scatter_elements_update
          • openvino.runtime.opset12.scatter_nd_update
          • openvino.runtime.opset12.scatter_update
          • openvino.runtime.opset12.select
          • openvino.runtime.opset12.selu
          • openvino.runtime.opset12.shape_of
          • openvino.runtime.opset12.shuffle_channels
          • openvino.runtime.opset12.sigmoid
          • openvino.runtime.opset12.sign
          • openvino.runtime.opset12.sin
          • openvino.runtime.opset12.sinh
          • openvino.runtime.opset12.slice
          • openvino.runtime.opset12.softmax
          • openvino.runtime.opset12.softplus
          • openvino.runtime.opset12.softsign
          • openvino.runtime.opset12.space_to_batch
          • openvino.runtime.opset12.space_to_depth
          • openvino.runtime.opset12.split
          • openvino.runtime.opset12.sqrt
          • openvino.runtime.opset12.squared_difference
          • openvino.runtime.opset12.squeeze
          • openvino.runtime.opset12.strided_slice
          • openvino.runtime.opset12.subtract
          • openvino.runtime.opset12.swish
          • openvino.runtime.opset12.tan
          • openvino.runtime.opset12.tanh
          • openvino.runtime.opset12.tile
          • openvino.runtime.opset12.topk
          • openvino.runtime.opset12.transpose
          • openvino.runtime.opset12.unique
          • openvino.runtime.opset12.unsqueeze
          • openvino.runtime.opset12.variadic_split
          • openvino.runtime.opset12.assign
          • openvino.runtime.opset12.if_op
          • openvino.runtime.opset12.loop
          • openvino.runtime.opset12.tensor_iterator
        • openvino.runtime.opset13
          • openvino.runtime.opset13.abs
          • openvino.runtime.opset13.absolute
          • openvino.runtime.opset13.acos
          • openvino.runtime.opset13.acosh
          • openvino.runtime.opset13.adaptive_avg_pool
          • openvino.runtime.opset13.adaptive_max_pool
          • openvino.runtime.opset13.add
          • openvino.runtime.opset13.asin
          • openvino.runtime.opset13.asinh
          • openvino.runtime.opset13.atan
          • openvino.runtime.opset13.atanh
          • openvino.runtime.opset13.avg_pool
          • openvino.runtime.opset13.batch_norm_inference
          • openvino.runtime.opset13.batch_to_space
          • openvino.runtime.opset13.binary_convolution
          • openvino.runtime.opset13.bitwise_and
          • openvino.runtime.opset13.bitwise_not
          • openvino.runtime.opset13.bitwise_or
          • openvino.runtime.opset13.bitwise_xor
          • openvino.runtime.opset13.broadcast
          • openvino.runtime.opset13.bucketize
          • openvino.runtime.opset13.ceil
          • openvino.runtime.opset13.ceiling
          • openvino.runtime.opset13.clamp
          • openvino.runtime.opset13.concat
          • openvino.runtime.opset13.convert
          • openvino.runtime.opset13.convert_like
          • openvino.runtime.opset13.convolution
          • openvino.runtime.opset13.convolution_backprop_data
          • openvino.runtime.opset13.cos
          • openvino.runtime.opset13.cosh
          • openvino.runtime.opset13.ctc_greedy_decoder
          • openvino.runtime.opset13.ctc_greedy_decoder_seq_len
          • openvino.runtime.opset13.ctc_loss
          • openvino.runtime.opset13.cum_sum
          • openvino.runtime.opset13.cumsum
          • openvino.runtime.opset13.deformable_convolution
          • openvino.runtime.opset13.deformable_psroi_pooling
          • openvino.runtime.opset13.depth_to_space
          • openvino.runtime.opset13.detection_output
          • openvino.runtime.opset13.dft
          • openvino.runtime.opset13.divide
          • openvino.runtime.opset13.einsum
          • openvino.runtime.opset13.elu
          • openvino.runtime.opset13.embedding_bag_offsets_sum
          • openvino.runtime.opset13.embedding_bag_packed_sum
          • openvino.runtime.opset13.embedding_segments_sum
          • openvino.runtime.opset13.equal
          • openvino.runtime.opset13.erf
          • openvino.runtime.opset13.exp
          • openvino.runtime.opset13.extract_image_patches
          • openvino.runtime.opset13.eye
          • openvino.runtime.opset13.fake_convert
          • openvino.runtime.opset13.fake_quantize
          • openvino.runtime.opset13.floor
          • openvino.runtime.opset13.floor_mod
          • openvino.runtime.opset13.gather
          • openvino.runtime.opset13.gather_elements
          • openvino.runtime.opset13.gather_nd
          • openvino.runtime.opset13.gather_tree
          • openvino.runtime.opset13.gelu
          • openvino.runtime.opset13.generate_proposals
          • openvino.runtime.opset13.greater
          • openvino.runtime.opset13.greater_equal
          • openvino.runtime.opset13.grid_sample
          • openvino.runtime.opset13.grn
          • openvino.runtime.opset13.group_convolution
          • openvino.runtime.opset13.group_convolution_backprop_data
          • openvino.runtime.opset13.group_normalization
          • openvino.runtime.opset13.gru_cell
          • openvino.runtime.opset13.gru_sequence
          • openvino.runtime.opset13.hard_sigmoid
          • openvino.runtime.opset13.hsigmoid
          • openvino.runtime.opset13.hswish
          • openvino.runtime.opset13.i420_to_bgr
          • openvino.runtime.opset13.i420_to_rgb
          • openvino.runtime.opset13.idft
          • openvino.runtime.opset13.interpolate
          • openvino.runtime.opset13.irdft
          • openvino.runtime.opset13.is_finite
          • openvino.runtime.opset13.is_inf
          • openvino.runtime.opset13.is_nan
          • openvino.runtime.opset13.less
          • openvino.runtime.opset13.less_equal
          • openvino.runtime.opset13.log
          • openvino.runtime.opset13.log_softmax
          • openvino.runtime.opset13.logical_and
          • openvino.runtime.opset13.logical_not
          • openvino.runtime.opset13.logical_or
          • openvino.runtime.opset13.logical_xor
          • openvino.runtime.opset13.lrn
          • openvino.runtime.opset13.lstm_cell
          • openvino.runtime.opset13.lstm_sequence
          • openvino.runtime.opset13.matmul
          • openvino.runtime.opset13.matrix_nms
          • openvino.runtime.opset13.max_pool
          • openvino.runtime.opset13.maximum
          • openvino.runtime.opset13.minimum
          • openvino.runtime.opset13.mish
          • openvino.runtime.opset13.mod
          • openvino.runtime.opset13.multiclass_nms
          • openvino.runtime.opset13.multinomial
          • openvino.runtime.opset13.multiply
          • openvino.runtime.opset13.mvn
          • openvino.runtime.opset13.negative
          • openvino.runtime.opset13.nms_rotated
          • openvino.runtime.opset13.non_max_suppression
          • openvino.runtime.opset13.non_zero
          • openvino.runtime.opset13.normalize_l2
          • openvino.runtime.opset13.not_equal
          • openvino.runtime.opset13.nv12_to_bgr
          • openvino.runtime.opset13.nv12_to_rgb
          • openvino.runtime.opset13.one_hot
          • openvino.runtime.opset13.pad
          • openvino.runtime.opset13.parameter
          • openvino.runtime.opset13.power
          • openvino.runtime.opset13.prelu
          • openvino.runtime.opset13.prior_box
          • openvino.runtime.opset13.prior_box_clustered
          • openvino.runtime.opset13.proposal
          • openvino.runtime.opset13.psroi_pooling
          • openvino.runtime.opset13.random_uniform
          • openvino.runtime.opset13.range
          • openvino.runtime.opset13.rdft
          • openvino.runtime.opset13.reduce_l1
          • openvino.runtime.opset13.reduce_l2
          • openvino.runtime.opset13.reduce_logical_and
          • openvino.runtime.opset13.reduce_logical_or
          • openvino.runtime.opset13.reduce_max
          • openvino.runtime.opset13.reduce_mean
          • openvino.runtime.opset13.reduce_min
          • openvino.runtime.opset13.reduce_prod
          • openvino.runtime.opset13.reduce_sum
          • openvino.runtime.opset13.region_yolo
          • openvino.runtime.opset13.relu
          • openvino.runtime.opset13.reorg_yolo
          • openvino.runtime.opset13.reshape
          • openvino.runtime.opset13.result
          • openvino.runtime.opset13.reverse_sequence
          • openvino.runtime.opset13.rnn_cell
          • openvino.runtime.opset13.rnn_sequence
          • openvino.runtime.opset13.roi_align
          • openvino.runtime.opset13.roi_pooling
          • openvino.runtime.opset13.roll
          • openvino.runtime.opset13.round
          • openvino.runtime.opset13.scaled_dot_product_attention
          • openvino.runtime.opset13.scatter_elements_update
          • openvino.runtime.opset13.scatter_nd_update
          • openvino.runtime.opset13.scatter_update
          • openvino.runtime.opset13.select
          • openvino.runtime.opset13.selu
          • openvino.runtime.opset13.shape_of
          • openvino.runtime.opset13.shuffle_channels
          • openvino.runtime.opset13.sigmoid
          • openvino.runtime.opset13.sign
          • openvino.runtime.opset13.sin
          • openvino.runtime.opset13.sinh
          • openvino.runtime.opset13.slice
          • openvino.runtime.opset13.softmax
          • openvino.runtime.opset13.softplus
          • openvino.runtime.opset13.softsign
          • openvino.runtime.opset13.space_to_batch
          • openvino.runtime.opset13.space_to_depth
          • openvino.runtime.opset13.split
          • openvino.runtime.opset13.sqrt
          • openvino.runtime.opset13.squared_difference
          • openvino.runtime.opset13.squeeze
          • openvino.runtime.opset13.strided_slice
          • openvino.runtime.opset13.subtract
          • openvino.runtime.opset13.swish
          • openvino.runtime.opset13.tan
          • openvino.runtime.opset13.tanh
          • openvino.runtime.opset13.tile
          • openvino.runtime.opset13.topk
          • openvino.runtime.opset13.transpose
          • openvino.runtime.opset13.unique
          • openvino.runtime.opset13.unsqueeze
          • openvino.runtime.opset13.variadic_split
          • openvino.runtime.opset13.assign
          • openvino.runtime.opset13.if_op
          • openvino.runtime.opset13.loop
          • openvino.runtime.opset13.tensor_iterator
        • openvino.runtime.opset14
          • openvino.runtime.opset14.abs
          • openvino.runtime.opset14.absolute
          • openvino.runtime.opset14.acos
          • openvino.runtime.opset14.acosh
          • openvino.runtime.opset14.adaptive_avg_pool
          • openvino.runtime.opset14.adaptive_max_pool
          • openvino.runtime.opset14.add
          • openvino.runtime.opset14.asin
          • openvino.runtime.opset14.asinh
          • openvino.runtime.opset14.atan
          • openvino.runtime.opset14.atanh
          • openvino.runtime.opset14.avg_pool
          • openvino.runtime.opset14.batch_norm_inference
          • openvino.runtime.opset14.batch_to_space
          • openvino.runtime.opset14.binary_convolution
          • openvino.runtime.opset14.bitwise_and
          • openvino.runtime.opset14.bitwise_not
          • openvino.runtime.opset14.bitwise_or
          • openvino.runtime.opset14.bitwise_xor
          • openvino.runtime.opset14.broadcast
          • openvino.runtime.opset14.bucketize
          • openvino.runtime.opset14.ceil
          • openvino.runtime.opset14.ceiling
          • openvino.runtime.opset14.clamp
          • openvino.runtime.opset14.concat
          • openvino.runtime.opset14.convert
          • openvino.runtime.opset14.convert_like
          • openvino.runtime.opset14.convert_promote_types
          • openvino.runtime.opset14.convolution
          • openvino.runtime.opset14.convolution_backprop_data
          • openvino.runtime.opset14.cos
          • openvino.runtime.opset14.cosh
          • openvino.runtime.opset14.ctc_greedy_decoder
          • openvino.runtime.opset14.ctc_greedy_decoder_seq_len
          • openvino.runtime.opset14.ctc_loss
          • openvino.runtime.opset14.cum_sum
          • openvino.runtime.opset14.cumsum
          • openvino.runtime.opset14.deformable_convolution
          • openvino.runtime.opset14.deformable_psroi_pooling
          • openvino.runtime.opset14.depth_to_space
          • openvino.runtime.opset14.detection_output
          • openvino.runtime.opset14.dft
          • openvino.runtime.opset14.divide
          • openvino.runtime.opset14.einsum
          • openvino.runtime.opset14.elu
          • openvino.runtime.opset14.embedding_bag_offsets_sum
          • openvino.runtime.opset14.embedding_bag_packed_sum
          • openvino.runtime.opset14.embedding_segments_sum
          • openvino.runtime.opset14.equal
          • openvino.runtime.opset14.erf
          • openvino.runtime.opset14.exp
          • openvino.runtime.opset14.extract_image_patches
          • openvino.runtime.opset14.eye
          • openvino.runtime.opset14.fake_convert
          • openvino.runtime.opset14.fake_quantize
          • openvino.runtime.opset14.floor
          • openvino.runtime.opset14.floor_mod
          • openvino.runtime.opset14.gather
          • openvino.runtime.opset14.gather_elements
          • openvino.runtime.opset14.gather_nd
          • openvino.runtime.opset14.gather_tree
          • openvino.runtime.opset14.gelu
          • openvino.runtime.opset14.generate_proposals
          • openvino.runtime.opset14.greater
          • openvino.runtime.opset14.greater_equal
          • openvino.runtime.opset14.grid_sample
          • openvino.runtime.opset14.grn
          • openvino.runtime.opset14.group_convolution
          • openvino.runtime.opset14.group_convolution_backprop_data
          • openvino.runtime.opset14.group_normalization
          • openvino.runtime.opset14.gru_cell
          • openvino.runtime.opset14.gru_sequence
          • openvino.runtime.opset14.hard_sigmoid
          • openvino.runtime.opset14.hsigmoid
          • openvino.runtime.opset14.hswish
          • openvino.runtime.opset14.i420_to_bgr
          • openvino.runtime.opset14.i420_to_rgb
          • openvino.runtime.opset14.idft
          • openvino.runtime.opset14.interpolate
          • openvino.runtime.opset14.inverse
          • openvino.runtime.opset14.irdft
          • openvino.runtime.opset14.is_finite
          • openvino.runtime.opset14.is_inf
          • openvino.runtime.opset14.is_nan
          • openvino.runtime.opset14.less
          • openvino.runtime.opset14.less_equal
          • openvino.runtime.opset14.log
          • openvino.runtime.opset14.log_softmax
          • openvino.runtime.opset14.logical_and
          • openvino.runtime.opset14.logical_not
          • openvino.runtime.opset14.logical_or
          • openvino.runtime.opset14.logical_xor
          • openvino.runtime.opset14.lrn
          • openvino.runtime.opset14.lstm_cell
          • openvino.runtime.opset14.lstm_sequence
          • openvino.runtime.opset14.matmul
          • openvino.runtime.opset14.matrix_nms
          • openvino.runtime.opset14.max_pool
          • openvino.runtime.opset14.maximum
          • openvino.runtime.opset14.minimum
          • openvino.runtime.opset14.mish
          • openvino.runtime.opset14.mod
          • openvino.runtime.opset14.multiclass_nms
          • openvino.runtime.opset14.multinomial
          • openvino.runtime.opset14.multiply
          • openvino.runtime.opset14.mvn
          • openvino.runtime.opset14.negative
          • openvino.runtime.opset14.nms_rotated
          • openvino.runtime.opset14.non_max_suppression
          • openvino.runtime.opset14.non_zero
          • openvino.runtime.opset14.normalize_l2
          • openvino.runtime.opset14.not_equal
          • openvino.runtime.opset14.nv12_to_bgr
          • openvino.runtime.opset14.nv12_to_rgb
          • openvino.runtime.opset14.one_hot
          • openvino.runtime.opset14.pad
          • openvino.runtime.opset14.parameter
          • openvino.runtime.opset14.power
          • openvino.runtime.opset14.prelu
          • openvino.runtime.opset14.prior_box
          • openvino.runtime.opset14.prior_box_clustered
          • openvino.runtime.opset14.proposal
          • openvino.runtime.opset14.psroi_pooling
          • openvino.runtime.opset14.random_uniform
          • openvino.runtime.opset14.range
          • openvino.runtime.opset14.rdft
          • openvino.runtime.opset14.reduce_l1
          • openvino.runtime.opset14.reduce_l2
          • openvino.runtime.opset14.reduce_logical_and
          • openvino.runtime.opset14.reduce_logical_or
          • openvino.runtime.opset14.reduce_max
          • openvino.runtime.opset14.reduce_mean
          • openvino.runtime.opset14.reduce_min
          • openvino.runtime.opset14.reduce_prod
          • openvino.runtime.opset14.reduce_sum
          • openvino.runtime.opset14.region_yolo
          • openvino.runtime.opset14.relu
          • openvino.runtime.opset14.reorg_yolo
          • openvino.runtime.opset14.reshape
          • openvino.runtime.opset14.result
          • openvino.runtime.opset14.reverse_sequence
          • openvino.runtime.opset14.rnn_cell
          • openvino.runtime.opset14.rnn_sequence
          • openvino.runtime.opset14.roi_align
          • openvino.runtime.opset14.roi_pooling
          • openvino.runtime.opset14.roll
          • openvino.runtime.opset14.round
          • openvino.runtime.opset14.scaled_dot_product_attention
          • openvino.runtime.opset14.scatter_elements_update
          • openvino.runtime.opset14.scatter_nd_update
          • openvino.runtime.opset14.scatter_update
          • openvino.runtime.opset14.select
          • openvino.runtime.opset14.selu
          • openvino.runtime.opset14.shape_of
          • openvino.runtime.opset14.shuffle_channels
          • openvino.runtime.opset14.sigmoid
          • openvino.runtime.opset14.sign
          • openvino.runtime.opset14.sin
          • openvino.runtime.opset14.sinh
          • openvino.runtime.opset14.slice
          • openvino.runtime.opset14.softmax
          • openvino.runtime.opset14.softplus
          • openvino.runtime.opset14.softsign
          • openvino.runtime.opset14.space_to_batch
          • openvino.runtime.opset14.space_to_depth
          • openvino.runtime.opset14.split
          • openvino.runtime.opset14.sqrt
          • openvino.runtime.opset14.squared_difference
          • openvino.runtime.opset14.squeeze
          • openvino.runtime.opset14.strided_slice
          • openvino.runtime.opset14.subtract
          • openvino.runtime.opset14.swish
          • openvino.runtime.opset14.tan
          • openvino.runtime.opset14.tanh
          • openvino.runtime.opset14.tile
          • openvino.runtime.opset14.topk
          • openvino.runtime.opset14.transpose
          • openvino.runtime.opset14.unique
          • openvino.runtime.opset14.unsqueeze
          • openvino.runtime.opset14.variadic_split
          • openvino.runtime.opset14.assign
          • openvino.runtime.opset14.if_op
          • openvino.runtime.opset14.loop
          • openvino.runtime.opset14.tensor_iterator
        • openvino.runtime.opset15
          • openvino.runtime.opset15.abs
          • openvino.runtime.opset15.absolute
          • openvino.runtime.opset15.acos
          • openvino.runtime.opset15.acosh
          • openvino.runtime.opset15.adaptive_avg_pool
          • openvino.runtime.opset15.adaptive_max_pool
          • openvino.runtime.opset15.add
          • openvino.runtime.opset15.asin
          • openvino.runtime.opset15.asinh
          • openvino.runtime.opset15.atan
          • openvino.runtime.opset15.atanh
          • openvino.runtime.opset15.avg_pool
          • openvino.runtime.opset15.batch_norm_inference
          • openvino.runtime.opset15.batch_to_space
          • openvino.runtime.opset15.binary_convolution
          • openvino.runtime.opset15.bitwise_and
          • openvino.runtime.opset15.bitwise_left_shift
          • openvino.runtime.opset15.bitwise_not
          • openvino.runtime.opset15.bitwise_or
          • openvino.runtime.opset15.bitwise_right_shift
          • openvino.runtime.opset15.bitwise_xor
          • openvino.runtime.opset15.broadcast
          • openvino.runtime.opset15.bucketize
          • openvino.runtime.opset15.ceil
          • openvino.runtime.opset15.ceiling
          • openvino.runtime.opset15.clamp
          • openvino.runtime.opset15.col2im
          • openvino.runtime.opset15.concat
          • openvino.runtime.opset15.convert
          • openvino.runtime.opset15.convert_like
          • openvino.runtime.opset15.convert_promote_types
          • openvino.runtime.opset15.convolution
          • openvino.runtime.opset15.convolution_backprop_data
          • openvino.runtime.opset15.cos
          • openvino.runtime.opset15.cosh
          • openvino.runtime.opset15.ctc_greedy_decoder
          • openvino.runtime.opset15.ctc_greedy_decoder_seq_len
          • openvino.runtime.opset15.ctc_loss
          • openvino.runtime.opset15.cum_sum
          • openvino.runtime.opset15.cumsum
          • openvino.runtime.opset15.deformable_convolution
          • openvino.runtime.opset15.deformable_psroi_pooling
          • openvino.runtime.opset15.depth_to_space
          • openvino.runtime.opset15.detection_output
          • openvino.runtime.opset15.dft
          • openvino.runtime.opset15.divide
          • openvino.runtime.opset15.einsum
          • openvino.runtime.opset15.elu
          • openvino.runtime.opset15.embedding_bag_offsets
          • openvino.runtime.opset15.embedding_bag_offsets_sum
          • openvino.runtime.opset15.embedding_bag_packed
          • openvino.runtime.opset15.embedding_bag_packed_sum
          • openvino.runtime.opset15.embedding_segments_sum
          • openvino.runtime.opset15.equal
          • openvino.runtime.opset15.erf
          • openvino.runtime.opset15.exp
          • openvino.runtime.opset15.extract_image_patches
          • openvino.runtime.opset15.eye
          • openvino.runtime.opset15.fake_convert
          • openvino.runtime.opset15.fake_quantize
          • openvino.runtime.opset15.floor
          • openvino.runtime.opset15.floor_mod
          • openvino.runtime.opset15.gather
          • openvino.runtime.opset15.gather_elements
          • openvino.runtime.opset15.gather_nd
          • openvino.runtime.opset15.gather_tree
          • openvino.runtime.opset15.gelu
          • openvino.runtime.opset15.generate_proposals
          • openvino.runtime.opset15.greater
          • openvino.runtime.opset15.greater_equal
          • openvino.runtime.opset15.grid_sample
          • openvino.runtime.opset15.grn
          • openvino.runtime.opset15.group_convolution
          • openvino.runtime.opset15.group_convolution_backprop_data
          • openvino.runtime.opset15.group_normalization
          • openvino.runtime.opset15.gru_cell
          • openvino.runtime.opset15.gru_sequence
          • openvino.runtime.opset15.hard_sigmoid
          • openvino.runtime.opset15.hsigmoid
          • openvino.runtime.opset15.hswish
          • openvino.runtime.opset15.i420_to_bgr
          • openvino.runtime.opset15.i420_to_rgb
          • openvino.runtime.opset15.idft
          • openvino.runtime.opset15.interpolate
          • openvino.runtime.opset15.inverse
          • openvino.runtime.opset15.irdft
          • openvino.runtime.opset15.is_finite
          • openvino.runtime.opset15.is_inf
          • openvino.runtime.opset15.is_nan
          • openvino.runtime.opset15.less
          • openvino.runtime.opset15.less_equal
          • openvino.runtime.opset15.log
          • openvino.runtime.opset15.log_softmax
          • openvino.runtime.opset15.logical_and
          • openvino.runtime.opset15.logical_not
          • openvino.runtime.opset15.logical_or
          • openvino.runtime.opset15.logical_xor
          • openvino.runtime.opset15.lrn
          • openvino.runtime.opset15.lstm_cell
          • openvino.runtime.opset15.lstm_sequence
          • openvino.runtime.opset15.matmul
          • openvino.runtime.opset15.matrix_nms
          • openvino.runtime.opset15.max_pool
          • openvino.runtime.opset15.maximum
          • openvino.runtime.opset15.minimum
          • openvino.runtime.opset15.mish
          • openvino.runtime.opset15.mod
          • openvino.runtime.opset15.multiclass_nms
          • openvino.runtime.opset15.multinomial
          • openvino.runtime.opset15.multiply
          • openvino.runtime.opset15.mvn
          • openvino.runtime.opset15.negative
          • openvino.runtime.opset15.nms_rotated
          • openvino.runtime.opset15.non_max_suppression
          • openvino.runtime.opset15.non_zero
          • openvino.runtime.opset15.normalize_l2
          • openvino.runtime.opset15.not_equal
          • openvino.runtime.opset15.nv12_to_bgr
          • openvino.runtime.opset15.nv12_to_rgb
          • openvino.runtime.opset15.one_hot
          • openvino.runtime.opset15.pad
          • openvino.runtime.opset15.parameter
          • openvino.runtime.opset15.power
          • openvino.runtime.opset15.prelu
          • openvino.runtime.opset15.prior_box
          • openvino.runtime.opset15.prior_box_clustered
          • openvino.runtime.opset15.proposal
          • openvino.runtime.opset15.psroi_pooling
          • openvino.runtime.opset15.random_uniform
          • openvino.runtime.opset15.range
          • openvino.runtime.opset15.rdft
          • openvino.runtime.opset15.reduce_l1
          • openvino.runtime.opset15.reduce_l2
          • openvino.runtime.opset15.reduce_logical_and
          • openvino.runtime.opset15.reduce_logical_or
          • openvino.runtime.opset15.reduce_max
          • openvino.runtime.opset15.reduce_mean
          • openvino.runtime.opset15.reduce_min
          • openvino.runtime.opset15.reduce_prod
          • openvino.runtime.opset15.reduce_sum
          • openvino.runtime.opset15.region_yolo
          • openvino.runtime.opset15.relu
          • openvino.runtime.opset15.reorg_yolo
          • openvino.runtime.opset15.reshape
          • openvino.runtime.opset15.result
          • openvino.runtime.opset15.reverse_sequence
          • openvino.runtime.opset15.rnn_cell
          • openvino.runtime.opset15.rnn_sequence
          • openvino.runtime.opset15.roi_align
          • openvino.runtime.opset15.roi_align_rotated
          • openvino.runtime.opset15.roi_pooling
          • openvino.runtime.opset15.roll
          • openvino.runtime.opset15.round
          • openvino.runtime.opset15.scaled_dot_product_attention
          • openvino.runtime.opset15.scatter_elements_update
          • openvino.runtime.opset15.scatter_nd_update
          • openvino.runtime.opset15.scatter_update
          • openvino.runtime.opset15.search_sorted
          • openvino.runtime.opset15.select
          • openvino.runtime.opset15.selu
          • openvino.runtime.opset15.shape_of
          • openvino.runtime.opset15.shuffle_channels
          • openvino.runtime.opset15.sigmoid
          • openvino.runtime.opset15.sign
          • openvino.runtime.opset15.sin
          • openvino.runtime.opset15.sinh
          • openvino.runtime.opset15.slice
          • openvino.runtime.opset15.slice_scatter
          • openvino.runtime.opset15.softmax
          • openvino.runtime.opset15.softplus
          • openvino.runtime.opset15.softsign
          • openvino.runtime.opset15.space_to_batch
          • openvino.runtime.opset15.space_to_depth
          • openvino.runtime.opset15.split
          • openvino.runtime.opset15.sqrt
          • openvino.runtime.opset15.squared_difference
          • openvino.runtime.opset15.squeeze
          • openvino.runtime.opset15.stft
          • openvino.runtime.opset15.strided_slice
          • openvino.runtime.opset15.string_tensor_pack
          • openvino.runtime.opset15.string_tensor_unpack
          • openvino.runtime.opset15.subtract
          • openvino.runtime.opset15.swish
          • openvino.runtime.opset15.tan
          • openvino.runtime.opset15.tanh
          • openvino.runtime.opset15.tile
          • openvino.runtime.opset15.topk
          • openvino.runtime.opset15.transpose
          • openvino.runtime.opset15.unique
          • openvino.runtime.opset15.unsqueeze
          • openvino.runtime.opset15.variadic_split
          • openvino.runtime.opset15.assign
          • openvino.runtime.opset15.if_op
          • openvino.runtime.opset15.loop
          • openvino.runtime.opset15.tensor_iterator
        • openvino.runtime.opset16
          • openvino.runtime.opset16.identity
          • openvino.runtime.opset16.istft
          • openvino.runtime.opset16.segment_max
        • openvino.runtime.passes
          • openvino.runtime.passes.consumers_count
          • openvino.runtime.passes.has_static_dim
          • openvino.runtime.passes.has_static_dims
          • openvino.runtime.passes.has_static_rank
          • openvino.runtime.passes.has_static_shape
          • openvino.runtime.passes.rank_equals
          • openvino.runtime.passes.type_matches
          • openvino.runtime.passes.type_matches_any
          • openvino.runtime.passes.AnyInput
          • openvino.runtime.passes.BackwardGraphRewrite
          • openvino.runtime.passes.ConstantFolding
          • openvino.runtime.passes.ConvertFP32ToFP16
          • openvino.runtime.passes.GraphRewrite
          • openvino.runtime.passes.LowLatency2
          • openvino.runtime.passes.MakeStateful
          • openvino.runtime.passes.Manager
          • openvino.runtime.passes.Matcher
          • openvino.runtime.passes.MatcherPass
          • openvino.runtime.passes.ModelPass
          • openvino.runtime.passes.Optional
          • openvino.runtime.passes.Or
          • openvino.runtime.passes.PassBase
          • openvino.runtime.passes.Serialize
          • openvino.runtime.passes.Version
          • openvino.runtime.passes.VisualizeTree
          • openvino.runtime.passes.WrapType
        • 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_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::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::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::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::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
          • 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::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_genai.draft_model
          • openvino_genai.get_version
          • openvino_genai.Adapter
          • openvino_genai.AdapterConfig
          • openvino_genai.AggregationMode
          • openvino_genai.AutoencoderKL
          • openvino_genai.CLIPTextModel
          • openvino_genai.CLIPTextModelWithProjection
          • openvino_genai.CacheEvictionConfig
          • openvino_genai.ChunkStreamerBase
          • openvino_genai.ContinuousBatchingPipeline
          • openvino_genai.CppStdGenerator
          • openvino_genai.DecodedResults
          • openvino_genai.EncodedResults
          • openvino_genai.FluxTransformer2DModel
          • openvino_genai.GenerationConfig
          • openvino_genai.GenerationResult
          • openvino_genai.GenerationStatus
          • openvino_genai.Generator
          • openvino_genai.Image2ImagePipeline
          • openvino_genai.ImageGenerationConfig
          • openvino_genai.ImageGenerationPerfMetrics
          • openvino_genai.InpaintingPipeline
          • openvino_genai.LLMPipeline
          • openvino_genai.PerfMetrics
          • openvino_genai.RawImageGenerationPerfMetrics
          • openvino_genai.RawPerfMetrics
          • openvino_genai.SD3Transformer2DModel
          • openvino_genai.Scheduler
          • openvino_genai.SchedulerConfig
          • openvino_genai.StopCriteria
          • openvino_genai.StreamerBase
          • openvino_genai.StreamingStatus
          • openvino_genai.T5EncoderModel
          • openvino_genai.Text2ImagePipeline
          • openvino_genai.TextStreamer
          • openvino_genai.TokenizedInputs
          • openvino_genai.Tokenizer
          • openvino_genai.TorchGenerator
          • openvino_genai.UNet2DConditionModel
          • openvino_genai.VLMPipeline
          • openvino_genai.WhisperGenerationConfig
          • openvino_genai.WhisperPerfMetrics
          • openvino_genai.WhisperPipeline
          • openvino_genai.WhisperRawPerfMetrics
    • 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
        • 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
        • IDFT-7
        • IRDFT-9
        • 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
        • 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
        • 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
        • 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
        • 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
              • SubtractTransformation
              • 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::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::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::SubtractTransformation
              • 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::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::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::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::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::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
      • The OpenVINO Project
        • OpenVINO™ Training Extensions
        • Datumaro
        • OpenVINO™ Security Add-on
        • OpenVINO™ Test Drive
      • OpenVINO Adoptions
    • Contribute to OpenVINO
      • Code Contribution Guide
    • Release Notes
      • System Requirements
      • Release Policy
  • Documentation
  • Property addon
  • Interface OutputInfo

Interface OutputInfo#

interfaceOutputInfo {
    tensor(): OutputTensorInfo;
}
  • Defined in: addon.ts:617

Methods#

tensor

  • tensor(): OutputTensorInfo
    
    • Returns OutputTensorInfo

    • Defined in: addon.ts:618

On this page
  • Methods
.pdf .zip