logo
  • OpenVINO™ Documentation
English Chinese

OpenVINO 2022.1 introduces a new version of OpenVINO API (API 2.0). For more information on the changes and transition steps, see the transition guide

  • Get Started
    • Installing OpenVINO
      • OpenVINO Runtime
        • Linux
          • From Archive
          • From PyPI
          • Using Docker
        • Windows
          • From Archive
          • From PyPI
          • Using Docker
        • macOS
          • From Archive
          • From PyPI
        • Raspbian OS
      • OpenVINO Development Tools
      • Build from Source
      • Creating a Yocto Image
    • Additional Configurations
      • For GPU
      • For NCS2
      • For VPU
        • IEI Mustang-V100-MX8-R10 Card
      • For GNA
    • Uninstalling
    • Troubleshooting
      • Issues & Solutions
      • Troubleshooting Steps
    • Tutorials
      • Installation of OpenVINO™ Notebooks
    • Samples
      • Basic OpenVINO Workflow
      • Image Classification Async C++ Sample
      • Image Classification Async Python* Sample
      • Hello Classification C++ Sample
      • Hello Classification C Sample
      • Hello Classification Python* Sample
      • Hello Reshape SSD C++ Sample
      • Hello Reshape SSD Python* Sample
      • Hello NV12 Input Classification C++ Sample
      • Hello NV12 Input Classification C Sample
      • Hello Query Device C++ Sample
      • Hello Query Device Python* Sample
      • Model Creation C++ Sample
      • Model Creation Python* Sample
      • Automatic Speech Recognition C++ Sample
      • Automatic Speech Recognition Python* Sample
      • Benchmark C++ Tool
      • Benchmark Python Tool
  • Documentation
    • OpenVINO™ API 2.0 Transition Guide
      • Installation & Deployment
      • Inference Pipeline
      • Configuring Devices
      • Preprocessing
      • Model Creation in OpenVINO™ Runtime
    • Introduction to Model Processing
    • Supported Model Formats
      • Converting a TensorFlow Model
      • Converting an ONNX Model
      • Converting a PyTorch Model
      • Converting a PaddlePaddle Model
      • Converting an MXNet Model
      • Converting a Caffe Model
      • Converting a Kaldi Model
      • Model Conversion Tutorials
        • Converting a TensorFlow Attention OCR Model
        • Converting a TensorFlow BERT Model
        • Converting a TensorFlow CRNN Model
        • Converting a TensorFlow DeepSpeech Model
        • Converting TensorFlow EfficientDet Models
        • Converting TensorFlow FaceNet Models
        • Converting a TensorFlow GNMT Model
        • Converting a TensorFlow Language Model on One Billion Word Benchmark
        • Converting a TensorFlow Neural Collaborative Filtering Model
        • Converting TensorFlow Object Detection API Models
        • Converting a TensorFlow RetinaNet Model
        • Converting TensorFlow Slim Image Classification Model Library Models
        • Converting TensorFlow Wide and Deep Family Models
        • Converting a TensorFlow XLNet Model
        • Converting TensorFlow YOLO Models
        • Converting an ONNX Faster R-CNN Model
        • Converting an ONNX GPT-2 Model
        • Converting an ONNX Mask R-CNN Model
        • Converting a PyTorch BERT-NER Model
        • Converting a PyTorch Cascade RCNN R-101 Model
        • Converting a PyTorch F3Net Model
        • Converting a PyTorch QuartzNet Model
        • Converting a PyTorch RCAN Model
        • Converting a PyTorch RNN-T Model
        • Converting a PyTorch YOLACT Model
        • Converting MXNet GluonCV Models
        • Converting an MXNet Style Transfer Model
        • Converting a Kaldi ASpIRE Chain Time Delay Neural Network (TDNN) Model
    • Model Optimizer Usage
      • Model Inputs and Outputs, Shapes and Layouts
      • Setting Input Shapes
      • Model Optimization Techniques
      • Cutting Off Parts of a Model
      • Embedding Preprocessing Computation
      • Compressing a Model to FP16
      • Model Optimizer Frequently Asked Questions
    • Inference with OpenVINO Runtime
      • Integrate OpenVINO™ with Your Application
        • Model Representation in OpenVINO™ Runtime
        • OpenVINO™ Inference Request
        • OpenVINO™ Python API Exclusives
      • Inference Modes
        • Automatic Device Selection
          • Debugging Auto-Device Plugin
        • Multi-device execution
        • Heterogeneous execution
        • Automatic Batching
      • Inference Device Support
        • Query Device Properties - Configuration
        • CPU Device
        • GPU Device
          • Remote Tensor API of GPU Plugin
        • VPU Devices
          • MYRIAD Device
          • HDDL Device
        • GNA Device
        • Arm® CPU Device
      • Changing Input Shapes
        • Troubleshooting Reshape Errors
      • Optimize Preprocessing
        • Preprocessing API - details
        • Layout API Overview
        • Use Case - Integrate and Save Preprocessing Steps Into IR
      • Dynamic Shapes
        • When Dynamic Shapes API is Not Applicable
      • High-level Performance Hints
      • Stateful models
    • Compile Tool
    • Introduction to Performance Optimization
    • Getting Performance Numbers
    • Model Optimization Guide
      • Optimizing Models Post-training
        • Quantizing Model
          • DefaultQuantization Method
        • Quantizing Model with Accuracy Control
          • AccuracyAwareQuantization Method
        • Quantization Best Practices
          • Saturation Issue
        • API Reference
        • Command-line Interface
          • Simplified Mode
          • Configuration File Description
        • Examples
          • API Examples
          • Command-line Example
        • Post-training Optimization Tool FAQ
      • Optimizing Models at Training Time
        • Quantization-aware Training (QAT)
        • Filter Pruning of Convolutional Models
      • (Experimental) Protecting Model
    • Runtime Inference Optimizations
      • General Optimizations
      • Optimizing for the Latency
        • Model Caching Overview
      • Optimizing for Throughput
      • Using Advanced Throughput Options: Streams and Batching
      • Further Low-Level Implementation Details
    • Tuning Utilities
      • Cross Check Tool
    • Performance Benchmarks
      • Intel® Distribution of OpenVINO™ toolkit Benchmark Results
        • Performance Information Frequently Asked Questions
        • Model Accuracy and Performance for INT8 and FP32
        • Performance Data Spreadsheet (download xlsx)
    • Introduction to OpenVINO™ Deployment
    • Deploying Your Applications with OpenVINO™
      • Deploying Your Application with Deployment Manager
      • Libraries for Local Distribution
    • OpenVINO™ Ecosystem Overview
    • OpenVINO™ Security Add-on
    • OpenVINO™ integration with TensorFlow
    • OpenVINO™ Deep Learning Workbench Overview
    • OpenVINO Extensibility Mechanism
      • Custom OpenVINO™ Operations
      • Frontend Extensions
      • How to Implement Custom GPU Operations
      • How to Implement Custom Layers for VPU (Intel® Neural Compute Stick 2)
      • Model Optimizer Extensibility
        • Extending Model Optimizer with Caffe Python Layers
    • Overview of Transformations API
      • OpenVINO Model Pass
      • OpenVINO Matcher Pass
      • OpenVINO Graph Rewrite Pass
    • OpenVINO Plugin Developer Guide
      • Implement Plugin Functionality
      • Implement Executable Network Functionality
      • Implement Synchronous Inference Request
      • Implement Asynchronous Inference Request
      • Build Plugin Using CMake
      • Plugin Testing
      • Advanced Topics
        • Quantized networks compute and restrictions
        • OpenVINO™ Low Precision Transformations
          • Attributes
          • Step 1. Prerequisites transformations
          • Step 2. Markup transformations
          • Step 3. Main transformations
          • Step 4. Cleanup transformations
      • Plugin API Reference
        • Inference Engine Plugin API
          • Asynchronous Inference Request base classes
          • Blob creation and memory utilities
          • Error handling and debug helpers
          • Executable Network base classes
          • Execution graph utilities
          • FP16 to FP32 precision utilities
          • File utilities
          • ITT profiling utilities
          • Inference Request base classes
          • Plugin base classes
          • Preprocessing API
          • System configuration utilities
          • Threading utilities
          • Variable state base classes
          • XML helper utilities
        • Inference Engine Transformation API
          • Common optimization passes
          • Conversion from opset2 to opset1
          • Conversion from opset3 to opset2
          • Runtime information
    • Introduction to OpenVINO™ Security
    • Deep Learning Workbench Security
    • Using Encrypted Models with OpenVINO
    • OpenVINO™ Security Add-on
    • Intel® Deep Learning Streamer
    • Introduction to OpenCV Graph API (G-API)
      • Graph API Kernel API
      • Implementing a Face Beautification Algorithm
      • Building a Face Analytics Pipeline
    • OpenCV Developer Guide
    • OpenCL™ Developer Guide
    • OneVPL Developer Guide
  • Tutorials
    • Installation of OpenVINO™ Notebooks
  • API Reference
    • OpenVINO Runtime C++ API
      • Basics
        • Element types
          • Type_t
          • Type
        • Layout
          • Layout
        • DiscreteTypeInfo
        • Dimension
        • Extension
        • Input
        • Model
        • Node
        • Output
        • PartialShape
        • PrePostProcessor
        • Shape
      • Inference
        • Device properties
          • Affinity
          • Level
          • PerformanceMode
          • Priority
          • Type
          • Num
          • Priorities
          • Properties
          • UUID
        • Intel CPU specific properties
        • Intel GNA specific properties
          • ExecutionMode
          • HWGeneration
          • PWLDesignAlgorithm
        • Intel GPU OpenCL interoperability
          • ContextType
          • SharedMemType
          • ClBufferTensor
          • ClContext
          • ClImage2DTensor
          • D3DBufferTensor
          • D3DContext
          • D3DSurface2DTensor
          • USMTensor
          • VAContext
          • VASurfaceTensor
        • Intel GPU OpenCL specific properties
        • Intel HDDL specific properties
        • Intel MYRIAD & HDDL specific properties
          • Protocol
        • Intel MYRIAD specific properties
          • DDRType
        • ProfilingInfo
          • Status
        • Allocator
        • Busy
        • Cancelled
        • CompiledModel
        • Core
        • InferRequest
        • RemoteContext
        • RemoteTensor
        • Tensor
        • VariableState
      • Operation sets
        • OpSet
      • Operations
        • AUGRUCell
        • AUGRUSequence
        • Abs
        • Acos
        • Acosh
        • AdaptiveAvgPool
        • AdaptiveMaxPool
        • Add
        • Asin
        • Assign
        • Assign
        • Atan
        • Atanh
        • BatchNormInference
        • BatchNormInference
        • BatchToSpace
        • BinaryConvolution
          • BinaryConvolutionMode
        • Broadcast
        • Broadcast
        • Bucketize
        • CTCGreedyDecoder
        • CTCGreedyDecoderSeqLen
        • CTCLoss
        • Ceiling
        • Clamp
        • Concat
        • Constant
        • Convert
        • ConvertLike
        • Convolution
        • ConvolutionBackpropData
        • Cos
        • Cosh
        • CumSum
        • DFT
        • DeformableConvolution
        • DeformableConvolution
        • DeformablePSROIPooling
        • DepthToSpace
          • DepthToSpaceMode
        • Divide
        • Einsum
        • Elu
        • EmbeddingBagOffsetsSum
        • EmbeddingBagPackedSum
        • EmbeddingSegmentsSum
        • Equal
        • Erf
        • Exp
        • ExperimentalDetectronDetectionOutput
          • Attributes
        • ExperimentalDetectronGenerateProposalsSingleImage
          • Attributes
        • ExperimentalDetectronPriorGridGenerator
          • Attributes
        • ExperimentalDetectronROIFeatureExtractor
          • Attributes
        • ExperimentalDetectronTopKROIs
        • ExtractImagePatches
        • Eye
        • FakeQuantize
        • Floor
        • FloorMod
        • GRUCell
        • GRUSequence
        • Gather
        • Gather
        • Gather
        • GatherElements
        • GatherND
        • GatherND
        • GatherTree
        • Gelu
        • Gelu
        • Greater
        • GreaterEqual
        • GridSample
          • InterpolationMode
          • PaddingMode
          • Attributes
        • HSigmoid
        • HSwish
        • HardSigmoid
        • I420toBGR
        • I420toRGB
        • IDFT
        • If
          • BodyIndexes
        • Interpolate
          • InterpolateMode
          • Attributes
        • Interpolate
          • CoordinateTransformMode
          • InterpolateMode
          • NearestMode
          • ShapeCalcMode
          • InterpolateAttrs
        • IsFinite
        • IsInf
          • Attributes
        • IsNaN
        • LRN
        • LSTMCell
        • LSTMCell
        • LSTMSequence
        • LSTMSequence
        • Less
        • LessEqual
        • Log
        • LogSoftmax
        • LogicalAnd
        • LogicalNot
        • LogicalOr
        • LogicalXor
        • Loop
          • SpecialBodyPorts
        • MVN
        • MVN
        • MatMul
        • MatrixNms
          • DecayFunction
          • SortResultType
          • Attributes
        • MaxPool
        • MaxPool
        • Maximum
        • Minimum
        • Mish
        • Mod
        • Multiply
        • NV12toBGR
        • NV12toRGB
        • Negative
        • NonMaxSuppression
        • NonMaxSuppression
          • BoxEncodingType
        • NonMaxSuppression
          • BoxEncodingType
        • NonMaxSuppression
          • BoxEncodingType
        • NonZero
        • NormalizeL2
        • NotEqual
        • OneHot
        • Op
        • PRelu
        • PSROIPooling
        • Pad
        • Parameter
        • Power
        • PriorBox
          • Attributes
        • PriorBox
          • Attributes
        • PriorBoxClustered
          • Attributes
        • Proposal
          • Attributes
        • Proposal
        • RNNCell
        • RNNSequence
        • ROIAlign
          • PoolingMode
        • ROIPooling
        • RandomUniform
        • Range
        • Range
        • ReadValue
        • ReadValue
        • ReduceL1
        • ReduceL2
        • ReduceLogicalAnd
        • ReduceLogicalOr
        • ReduceMax
        • ReduceMean
        • ReduceMin
        • ReduceProd
        • ReduceSum
        • RegionYolo
        • Relu
        • ReorgYolo
        • Reshape
        • Result
        • Reverse
          • Mode
        • ReverseSequence
        • Roll
        • Round
          • RoundMode
        • ScatterElementsUpdate
        • ScatterNDUpdate
        • ScatterUpdate
        • Select
        • Selu
        • ShapeOf
        • ShapeOf
        • ShuffleChannels
        • Sigmoid
        • Sign
        • Sin
        • Sinh
        • Sink
        • Slice
        • SoftPlus
        • Softmax
        • Softmax
        • SpaceToBatch
        • SpaceToDepth
          • SpaceToDepthMode
        • Split
        • Sqrt
        • SquaredDifference
        • Squeeze
        • StridedSlice
        • Subtract
        • Swish
        • Tan
        • Tanh
        • TensorIterator
        • Tile
        • TopK
        • TopK
        • Transpose
          • Ins
          • Outs
        • Unique
        • Unsqueeze
        • VariadicSplit
        • Xor
      • Transformation passes
        • ConstantFolding
        • ConvertFP32ToFP16
        • GraphRewrite
        • LowLatency2
        • MakeStateful
        • Manager
        • MatcherPass
        • ModelPass
        • PassBase
        • PassConfig
        • Serialize
          • Version
        • StreamSerialize
          • DataHeader
        • Validate
        • VisualizeTree
      • ov
        • batch_util
        • cmp
          • Bound
          • Between
          • Equal
        • descriptor
          • Input
          • Output
          • Tensor
        • detail
        • device
          • capability
        • element
        • frontend
          • ExtensionHolder
          • FrontEndPluginInfo
          • ConversionExtension
          • ConversionExtensionBase
          • DecoderTransformationExtension
          • FWVisitor
          • FrontEnd
          • FrontEndManager
          • GeneralFailure
          • InitializationFailure
          • InputModel
          • NodeContext
          • NotImplementedFailure
          • OpConversionFailure
          • OpConversionFunction
          • OpExtensionBase
          • OpValidationFailure
          • Place
          • ProgressReporterExtension
          • TelemetryExtension
        • hint
        • intel_auto
        • intel_cpu
        • intel_gna
        • intel_gpu
          • capability
          • hint
          • memory_type
          • ocl
        • intel_myriad
          • hddl
        • layout
        • log
        • op
          • ShapeInferLSTM
          • ShapeInferRange
          • internal
          • rnn
          • util
          • v0
          • v1
          • v10
          • v3
          • v4
          • v5
          • v6
          • v7
          • v8
          • v9
          • AutoBroadcastType
          • BroadcastType
          • EpsMode
          • GeluApproximationMode
          • LSTMWeightsFormat
          • MVNEpsMode
          • PadMode
          • PadType
          • RecurrentSequenceDirection
          • RoundingType
          • TopKMode
          • TopKSortType
          • AutoBroadcastSpec
          • BroadcastModeSpec
          • TemporaryReplaceOutputType
          • TypeRelaxed
          • TypeRelaxedBase
        • opset1
        • opset10
        • opset2
        • opset3
        • opset4
        • opset5
        • opset6
        • opset7
        • opset8
        • opset9
        • pass
          • pattern
          • PassProperty
          • AddAddFusion
          • AddMultiplyFusion
          • AlignEltwiseInputRanks
          • Attributes
          • BackwardGraphRewrite
          • BatchNormDecomposition
          • ChangePlaceholderTypes
          • CommonOptimizations
          • ConvertBroadcast3
          • ConvertBroadcastToTiles
          • ConvertConvertLike
          • ConvertDepthToSpace
          • ConvertDivide
          • ConvertDivideWithConstant
          • ConvertGELU
          • ConvertGP9ToGPIEInternal
          • ConvertMatrixNmsToMatrixNmsIE
          • ConvertMinimum
          • ConvertMod
          • ConvertMulticlassNms8ToMulticlassNms9
          • ConvertMulticlassNmsToMulticlassNmsIE
          • ConvertNMS1ToNMS5
          • ConvertNMS1ToNMS9
          • ConvertNMS3ToNMS5
          • ConvertNMS3ToNMS9
          • ConvertNMS4ToNMS5
          • ConvertNMS4ToNMS9
          • ConvertNMS5ToNMS9
          • ConvertNMS9ToNMSIEInternal
          • ConvertNMSToNMSIEInternal
          • ConvertNegative
          • ConvertOpSet2ToOpSet1
          • ConvertOpSet3ToOpSet2
          • ConvertPrecision
          • ConvertReduceLogicalAndToReshape
          • ConvertReduceLogicalOrToReshape
          • ConvertReduceMaxToPooling
          • ConvertReduceMaxToReshape
          • ConvertReduceMeanToPooling
          • ConvertReduceMeanToReshape
          • ConvertReduceMinToReshape
          • ConvertReduceSumToPooling
          • ConvertReduceSumToReshape
          • ConvertReduceToPooling
          • ConvertReduceToReshape
          • ConvertSequenceToTensorIterator
          • ConvertShapeOf3
          • ConvertShuffleChannels3
          • ConvertSpaceToDepth
          • ConvertSubtract
          • ConvertTensorIteratorToSequence
          • ConvertTopK3
          • ConvolutionBackpropDataMultiplyFusion
          • ConvolutionMultiplyFusion
          • DisableConstantFolding
          • DisableFoldSubgraphEmptyInputs
          • DisableRemoveConcatZeroDimInput
          • DisableShapeOfConstantFolding
          • EliminateDuplicateTIInputs
          • EliminateSplitConcat
          • FindBatch
          • FoldSubgraphEmptyInputs
          • FuseFilteringBoxesBySize
          • GroupConvolutionBackpropDataMultiplyFusion
          • GroupConvolutionMultiplyFusion
          • Hash
          • MOCLegacyTransformations
          • MOCTransformations
          • MatMulConstTransposesExtraction
          • MultiplyConvolutionBackpropDataFusion
          • MultiplyGroupConvolutionBackpropDataFusion
          • MultiplyGroupConvolutionFusion
          • MultiplyMultiplyFusion
          • NodeRegistry
          • NopElimination
          • PadFusion
          • Proposal4Scales
          • PullTransposeThroughFQUp
          • RemoveFilteringBoxesBySize
          • RemoveMultiSubGraphOpDanglingParams
          • ReshapeBMatMul
          • SmartReshape
          • TransposeMatMul
          • TransposeSinkingBinaryElementwiseBackward
          • TransposeSinkingBinaryElementwiseForward
          • TransposeSinkingConcatBackward
          • TransposeSinkingConcatForward
          • TransposeSinkingSplitBackward
          • TransposeSinkingSplitForward
          • TransposeSinkingUnaryBackward
          • TransposeSinkingUnaryForward
          • UniqueDecomposition
        • preprocess
          • ColorFormat
          • ResizeAlgorithm
          • InputInfo
          • InputModelInfo
          • InputTensorInfo
          • OutputInfo
          • OutputModelInfo
          • OutputTensorInfo
          • PostProcessSteps
          • PreProcessSteps
          • TensorInfoMemoryType
        • runtime
        • streams
        • util
          • LOG_TYPE
          • AsTypePtr
          • FileTraits
          • ConstString
          • LogHelper
          • Logger
        • Direction
        • PropertyMutability
        • CheckLocInfo
        • MemBandwidthPressure
        • Property
        • PropertyName
        • RawNodeOutput
        • SoPtr
        • Version
        • element_type_traits
        • AllocatorImpl
        • Any
          • EqualityComparable
          • HasBaseMemberType
          • Impl
          • TupleToTypeIndex
          • Base
        • AssertFailure
        • AttributeAdapter
        • AttributeVisitor
        • AxisSet
        • AxisVector
        • BaseOpExtension
        • Coordinate
        • CoordinateDiff
        • DirectValueAccessor
        • EnumAttributeAdapterBase
        • EnumMask
        • EnumNames
        • Exception
        • IndirectScalarValueAccessor
        • IndirectVectorValueAccessor
        • Input
        • Interval
        • LayoutAttribute
        • NmsSelectedIndices
        • NodeValidationFailure
        • NotImplemented
        • OpExtension
        • Output
        • PrecisionSensitive
        • PreprocessingAttribute
        • PrimitivesPriority
        • Property
          • Forward
        • RuntimeAttribute
        • SeqGen
        • Strides
        • StridesPropagation
        • ValueAccessor
        • VisitorAdapter
        • bfloat16
          • F32
        • float16
          • F32
    • OpenVINO Runtime C API
      • Basics
        • ov_element_type_e
        • ov_status_e
      • Compiled Model
        • ov_compiled_model_t
      • Core
        • ov_available_devices_t
        • ov_core_t
        • ov_core_version
        • ov_core_version_list
        • ov_version
      • Dimension
        • ov_dimension
      • Infer Request
        • ov_ProfilingInfo_t
        • ov_callback_t
        • ov_infer_request_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_color_format_e
        • ov_preprocess_resize_algorithm_e
        • ov_preprocess_input_info_t
        • ov_preprocess_input_model_info_t
        • ov_preprocess_input_tensor_info_t
        • ov_preprocess_output_info_t
        • ov_preprocess_output_tensor_info_t
        • ov_preprocess_prepostprocessor_t
        • ov_preprocess_preprocess_steps_t
      • Property
      • Rank
        • ov_rank_t
      • Shape
        • ov_shape_t
      • Tensor
        • ov_tensor_t
    • OpenVINO Python API
      • openvino.runtime
        • openvino.runtime.compile_model
        • openvino.runtime.get_batch
        • openvino.runtime.get_distribution
        • openvino.runtime.get_version
        • openvino.runtime.serialize
        • openvino.runtime.set_batch
        • openvino.runtime.tensor_from_file
        • openvino.runtime.AsyncInferQueue
        • openvino.runtime.AxisSet
        • openvino.runtime.AxisVector
        • openvino.runtime.CompiledModel
        • openvino.runtime.ConstOutput
        • openvino.runtime.Coordinate
        • openvino.runtime.CoordinateDiff
        • openvino.runtime.Core
        • openvino.runtime.Dimension
        • openvino.runtime.DiscreteTypeInfo
        • openvino.runtime.Extension
        • openvino.runtime.InferRequest
        • openvino.runtime.Input
        • openvino.runtime.Layout
        • openvino.runtime.Model
        • openvino.runtime.Node
        • openvino.runtime.OVAny
        • openvino.runtime.Output
        • openvino.runtime.PartialShape
        • openvino.runtime.ProfilingInfo
        • openvino.runtime.RTMap
        • openvino.runtime.Shape
        • openvino.runtime.Strides
        • openvino.runtime.Tensor
        • openvino.runtime.Type
        • openvino.runtime.Version
        • openvino.runtime.DistributionNotFound
      • openvino.runtime.op
        • openvino.runtime.op.Constant
        • openvino.runtime.op.Parameter
        • openvino.runtime.op.if_op
        • openvino.runtime.op.loop
        • openvino.runtime.op.tensor_iterator
      • 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.lstm_sequence
        • 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.lstm_sequence
        • 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.lstm_sequence
        • 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.lstm_sequence
        • 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_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_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.assign
        • 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.read_value
        • 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_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.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.assign
        • 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.read_value
        • 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_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.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.assign
        • 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.read_value
        • 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_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.if_op
        • openvino.runtime.opset8.loop
        • openvino.runtime.opset8.tensor_iterator
      • 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.Or
        • openvino.runtime.passes.PassBase
        • openvino.runtime.passes.Serialize
        • openvino.runtime.passes.VisualizeTree
        • openvino.runtime.passes.WrapType
      • openvino.preprocess
        • openvino.preprocess.ColorFormat
        • openvino.preprocess.InputInfo
        • openvino.preprocess.InputModelInfo
        • openvino.preprocess.InputTensorInfo
        • openvino.preprocess.OutputInfo
        • openvino.preprocess.OutputModelInfo
        • openvino.preprocess.OutputTensorInfo
        • openvino.preprocess.PostProcessSteps
        • openvino.preprocess.PrePostProcessor
        • openvino.preprocess.PreProcessSteps
        • openvino.preprocess.ResizeAlgorithm
      • openvino.frontend
        • openvino.frontend.ConversionExtension
        • openvino.frontend.DecoderTransformationExtension
        • openvino.frontend.FrontEnd
        • openvino.frontend.FrontEndManager
        • openvino.frontend.InputModel
        • openvino.frontend.JsonConfigExtension
        • 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 Python API - Compatibility
        • openvino.inference_engine
          • openvino.inference_engine.deepcopy
          • openvino.inference_engine.fnmatch
          • openvino.inference_engine.get_version
          • openvino.inference_engine.namedtuple
          • openvino.inference_engine.read_network
          • openvino.inference_engine.Blob
          • openvino.inference_engine.BlobBuffer
          • openvino.inference_engine.CDataPtr
          • openvino.inference_engine.ColorFormat
          • openvino.inference_engine.DataPtr
          • openvino.inference_engine.ExecutableNetwork
          • openvino.inference_engine.IECore
          • openvino.inference_engine.IENetwork
          • openvino.inference_engine.InferRequest
          • openvino.inference_engine.InputInfoCPtr
          • openvino.inference_engine.InputInfoPtr
          • openvino.inference_engine.MeanVariant
          • openvino.inference_engine.PreProcessChannel
          • openvino.inference_engine.PreProcessInfo
          • openvino.inference_engine.ResizeAlgorithm
          • openvino.inference_engine.StatusCode
          • openvino.inference_engine.TensorDesc
          • openvino.inference_engine.VariableState
          • openvino.inference_engine.WaitMode
        • ngraph
          • ngraph.abs
          • ngraph.absolute
          • ngraph.acos
          • ngraph.acosh
          • ngraph.adaptive_avg_pool
          • ngraph.adaptive_max_pool
          • ngraph.add
          • ngraph.asin
          • ngraph.asinh
          • ngraph.assign
          • ngraph.atan
          • ngraph.atanh
          • ngraph.avg_pool
          • ngraph.batch_norm_inference
          • ngraph.batch_to_space
          • ngraph.binary_convolution
          • ngraph.broadcast
          • ngraph.bucketize
          • ngraph.ceil
          • ngraph.ceiling
          • ngraph.clamp
          • ngraph.concat
          • ngraph.constant
          • ngraph.convert
          • ngraph.convert_like
          • ngraph.convolution
          • ngraph.convolution_backprop_data
          • ngraph.cos
          • ngraph.cosh
          • ngraph.ctc_greedy_decoder
          • ngraph.ctc_greedy_decoder_seq_len
          • ngraph.ctc_loss
          • ngraph.cum_sum
          • ngraph.cumsum
          • ngraph.deformable_convolution
          • ngraph.deformable_psroi_pooling
          • ngraph.depth_to_space
          • ngraph.detection_output
          • ngraph.dft
          • ngraph.divide
          • ngraph.einsum
          • ngraph.elu
          • ngraph.embedding_bag_offsets_sum
          • ngraph.embedding_bag_packed_sum
          • ngraph.embedding_segments_sum
          • ngraph.equal
          • ngraph.erf
          • ngraph.exp
          • ngraph.extract_image_patches
          • ngraph.eye
          • ngraph.fake_quantize
          • ngraph.floor
          • ngraph.floor_mod
          • ngraph.function_from_cnn
          • ngraph.function_to_cnn
          • ngraph.gather
          • ngraph.gather_elements
          • ngraph.gather_nd
          • ngraph.gather_tree
          • ngraph.gelu
          • ngraph.generate_proposals
          • ngraph.greater
          • ngraph.greater_equal
          • ngraph.grid_sample
          • ngraph.grn
          • ngraph.group_convolution
          • ngraph.group_convolution_backprop_data
          • ngraph.gru_cell
          • ngraph.gru_sequence
          • ngraph.hard_sigmoid
          • ngraph.hsigmoid
          • ngraph.hswish
          • ngraph.i420_to_bgr
          • ngraph.i420_to_rgb
          • ngraph.idft
          • ngraph.if_op
          • ngraph.interpolate
          • ngraph.irdft
          • ngraph.less
          • ngraph.less_equal
          • ngraph.log
          • ngraph.log_softmax
          • ngraph.logical_and
          • ngraph.logical_not
          • ngraph.logical_or
          • ngraph.logical_xor
          • ngraph.loop
          • ngraph.lrn
          • ngraph.lstm_cell
          • ngraph.lstm_sequence
          • ngraph.matmul
          • ngraph.matrix_nms
          • ngraph.max_pool
          • ngraph.maximum
          • ngraph.minimum
          • ngraph.mish
          • ngraph.mod
          • ngraph.multiclass_nms
          • ngraph.multiply
          • ngraph.mvn
          • ngraph.negative
          • ngraph.non_max_suppression
          • ngraph.non_zero
          • ngraph.normalize_l2
          • ngraph.not_equal
          • ngraph.nv12_to_bgr
          • ngraph.nv12_to_rgb
          • ngraph.one_hot
          • ngraph.pad
          • ngraph.parameter
          • ngraph.power
          • ngraph.prelu
          • ngraph.prior_box
          • ngraph.prior_box_clustered
          • ngraph.proposal
          • ngraph.psroi_pooling
          • ngraph.random_uniform
          • ngraph.range
          • ngraph.rdft
          • ngraph.read_value
          • ngraph.reduce_l1
          • ngraph.reduce_l2
          • ngraph.reduce_logical_and
          • ngraph.reduce_logical_or
          • ngraph.reduce_max
          • ngraph.reduce_mean
          • ngraph.reduce_min
          • ngraph.reduce_prod
          • ngraph.reduce_sum
          • ngraph.region_yolo
          • ngraph.relu
          • ngraph.reorg_yolo
          • ngraph.reshape
          • ngraph.result
          • ngraph.reverse_sequence
          • ngraph.rnn_cell
          • ngraph.rnn_sequence
          • ngraph.roi_align
          • ngraph.roi_pooling
          • ngraph.roll
          • ngraph.round
          • ngraph.scatter_elements_update
          • ngraph.scatter_update
          • ngraph.select
          • ngraph.selu
          • ngraph.shape_of
          • ngraph.shuffle_channels
          • ngraph.sigmoid
          • ngraph.sign
          • ngraph.sin
          • ngraph.sinh
          • ngraph.slice
          • ngraph.softmax
          • ngraph.softplus
          • ngraph.softsign
          • ngraph.space_to_batch
          • ngraph.space_to_depth
          • ngraph.split
          • ngraph.sqrt
          • ngraph.squared_difference
          • ngraph.squeeze
          • ngraph.strided_slice
          • ngraph.subtract
          • ngraph.swish
          • ngraph.tan
          • ngraph.tanh
          • ngraph.tensor_iterator
          • ngraph.tile
          • ngraph.topk
          • ngraph.transpose
          • ngraph.unsqueeze
          • ngraph.variadic_split
          • ngraph.Dimension
          • ngraph.Function
          • ngraph.Node
          • ngraph.PartialShape
        • _pyngraph
          • _pyngraph.AxisSet
          • _pyngraph.AxisVector
          • _pyngraph.Coordinate
          • _pyngraph.CoordinateDiff
          • _pyngraph.Dimension
          • _pyngraph.DiscreteTypeInfo
          • _pyngraph.Function
          • _pyngraph.Input
          • _pyngraph.Node
          • _pyngraph.NodeFactory
          • _pyngraph.Output
          • _pyngraph.PartialShape
          • _pyngraph.PyRTMap
          • _pyngraph.Shape
          • _pyngraph.Strides
          • _pyngraph.Type
          • _pyngraph.Variant
          • _pyngraph.VariantInt
          • _pyngraph.VariantString
  • Model Zoo
  • Resources
    • Release Notes
    • Supported Devices
    • Supported Framework Layers
    • Glossary
    • Legal Information
    • Deep Learning Network Intermediate Representation and Operation Sets in OpenVINO™
    • Available Operations Sets
      • opset10
      • opset9
      • opset8
      • opset7
      • opset6
      • opset5
      • opset4
      • opset3
      • opset2
      • opset1
    • Broadcast Rules For Elementwise Operations
    • Operations Specifications
      • Abs-1
      • Acos-1
      • Acosh-3
      • AdaptiveAvgPool-8
      • AdaptiveMaxPool-8
      • Add-1
      • Asin-1
      • Asinh-3
      • Assign-3
      • Atan-1
      • Atanh-3
      • AvgPool-1
      • BatchNormInference-1
      • BatchNormInference-5
      • BatchToSpace-2
      • BinaryConvolution-1
      • Broadcast-1
      • Broadcast-3
      • Bucketize-3
      • CTCGreedyDecoder-1
      • CTCGreedyDecoderSeqLen-6
      • Ceiling-1
      • Clamp-1
      • Concat-1
      • Constant-1
      • ConvertLike-1
      • 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-1
      • DFT-7
      • Divide-1
      • Einsum-7
      • Elu-1
      • EmbeddingBagOffsetsSum-3
      • EmbeddingBagPackedSum-3
      • EmbeddingSegmentsSum-3
      • Equal-1
      • Erf-1
      • Exp-1
      • ExperimentalDetectronDetectionOutput-6
      • ExperimentalDetectronGenerateProposalsSingleImage-6
      • ExperimentalDetectronPriorGridGenerator-6
      • ExperimentalDetectronROIFeatureExtractor-6
      • ExperimentalDetectronTopKROIs-6
      • ExtractImagePatches-3
      • Eye-9
      • 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
      • HardSigmoid-1
      • HSigmoid-5
      • HSwish-4
      • I420toBGR-8
      • I420toRGB-8
      • IDFT-7
      • IRDFT-9
      • If-8
      • Interpolate-1
      • Interpolate-4
      • IsFinite-10
      • IsInf-10
      • IsNaN-10
      • LRN-1
      • LSTMCell-1
      • LSTMSequence-1
      • 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
      • Maximum-1
      • Minimum-1
      • Mish-4
      • Mod-1
      • MulticlassNonMaxSuppression-8
      • MulticlassNonMaxSuppression-9
      • Multiply-1
      • Negative-1
      • 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
      • Parameter-1
      • Power-1
      • PriorBoxClustered-1
      • PriorBox-1
      • PriorBox-8
      • Proposal-1
      • Proposal-4
      • RandomUniform-8
      • Range-1
      • Range-4
      • RDFT-9
      • ReadValue-3
      • 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
      • ROIPooling-1
      • Roll-7
      • Round-5
      • ScatterElementsUpdate-3
      • ScatterNDUpdate-3
      • ScatterUpdate-3
      • Select-1
      • Selu-1
      • ShapeOf-1
      • ShapeOf-3
      • ShuffleChannels-1
      • Sigmoid-1
      • Sign-1
      • Sin-1
      • Sinh-1
      • Slice-8
      • SoftMax-1
      • SoftMax-8
      • SoftPlus-4
      • SoftSign-9
      • SpaceToBatch-2
      • SpaceToDepth-1
      • Split-1
      • Sqrt-1
      • SquaredDifference-1
      • Squeeze-1
      • StridedSlice-1
      • Subtract-1
      • Swish-4
      • Tan-1
      • Tanh-1
      • TensorIterator-1
      • Tile-1
      • TopK-1
      • TopK-3
      • Transpose-1
      • Unique-10
      • Unsqueeze-1
      • VariadicSplit-1
    • Intermediate Representation Suitable for INT8 Inference
    • Case Studies
On this page
  • OpenVINO™ Logo
  • Logo Usage Guidelines
.pdf .zip

Legal Information¶

Performance varies by use, configuration and other factors. Learn more at www.intel.com/PerformanceIndex.

Performance results are based on testing as of dates shown in configurations and may not reflect all publicly available updates. See backup for configuration details. No product or component can be absolutely secure.

Your costs and results may vary.

Intel technologies may require enabled hardware, software or service activation.

OpenCL and the OpenCL logo are trademarks of Apple Inc. used by permission by Khronos.

© Intel Corporation. Intel, the Intel logo, and other Intel marks are trademarks of Intel Corporation or its subsidiaries. Other names and brands may be claimed as the property of others.

OpenVINO™ Logo¶

To build equity around the project, the OpenVINO logo was created for both Intel and community usage. The logo may only be used to represent the OpenVINO toolkit and offerings built using the OpenVINO toolkit.

Logo Usage Guidelines¶

The OpenVINO logo must be used in connection with truthful, non-misleading references to the OpenVINO toolkit, and for no other purpose. Modification of the logo or use of any separate element(s) of the logo alone is not allowed.

Prev Next

©2022 Intel Corporation Terms of Use Cookies Privacy

Intel, the Intel logo, and other Intel marks are trademarks of Intel Corporation or its subsidiaries. Other names and brands may be claimed as the property of others.