diff --git a/docs/Extensibility_UG/Intro.md b/docs/Extensibility_UG/Intro.md index 4e8ab54b83f..2ea2cb2f37d 100644 --- a/docs/Extensibility_UG/Intro.md +++ b/docs/Extensibility_UG/Intro.md @@ -23,10 +23,10 @@ openvino_docs_MO_DG_prepare_model_customize_model_optimizer_Customize_Model_Optimizer -The Intel® Distribution of OpenVINO™ toolkit supports neural network models trained with various frameworks, including +The Intel® Distribution of OpenVINO™ toolkit supports neural-network models trained with various frameworks, including TensorFlow, PyTorch, ONNX, TensorFlow Lite, and PaddlePaddle (OpenVINO support for Apache MXNet, Caffe, and Kaldi is currently being deprecated and will be removed entirely in the future). The list of supported operations is different for each of the supported frameworks. -To see the operations supported by your framework, refer to :doc:`Supported Framework Operations `. +To see the operations supported by your framework, refer to :doc:`Supported Framework Operations `. Custom operations, which are not included in the list, are not recognized by OpenVINO out-of-the-box. The need for custom operation may appear in two cases: diff --git a/docs/MO_DG/prepare_model/Model_Optimizer_FAQ.md b/docs/MO_DG/prepare_model/Model_Optimizer_FAQ.md index 03af627a3a1..c67ecd7c968 100644 --- a/docs/MO_DG/prepare_model/Model_Optimizer_FAQ.md +++ b/docs/MO_DG/prepare_model/Model_Optimizer_FAQ.md @@ -77,7 +77,8 @@ Q3. What does the message "[ ERROR ]: Unable to create ports for node with id" m **A:** Most likely, Model Optimizer does not know how to infer output shapes of some layers in the given topology. To lessen the scope, compile the list of layers that are custom for Model Optimizer: present in the topology, -absent in the :doc:`list of supported layers ` for the target framework. Then, refer to available options in the corresponding section in the :doc:`[Legacy] Custom Layers in Model Optimizer ` page. +absent in the :doc:`list of supported operations ` for the target framework. +Then, refer to available options in the corresponding section in the :doc:`[Legacy] Custom Layers in Model Optimizer ` page. .. _question-7: diff --git a/docs/MO_DG/prepare_model/Supported_Frameworks_Layers.md b/docs/MO_DG/prepare_model/Supported_Frameworks_Layers.md deleted file mode 100644 index 8a959a7d695..00000000000 --- a/docs/MO_DG/prepare_model/Supported_Frameworks_Layers.md +++ /dev/null @@ -1,936 +0,0 @@ -# Supported Framework Layers {#openvino_docs_MO_DG_prepare_model_Supported_Frameworks_Layers} - - -@sphinxdirective - - -In this article, you can find lists of supported framework layers, grouped by frameworks. - -Caffe Supported Layers -########################################## - -========================================== ========================================================================================== - Layer Name in Caffe Limitations -========================================== ========================================================================================== - Axpy - BN - BatchNorm - Bias - Binarization (Intel experimental) - Concat - Convolution - ConvolutionBinary - Crop - Deconvolution - DetectionOutput - Dropout Not needed for inference. - Eltwise - Flatten - GlobalInput - InnerProduct - Input - LRN - Normalize - Python Supported only for the Python Proposal operation. - Permute - Pooling - Power - PReLU - PriorBox - PriorBoxClustered - Proposal - PSROIPooling - ROIPooling - RegionYolo - ReorgYolo - ReLU - Resample - Reshape - Scale - ShuffleChannel - Sigmoid - Slice - Softmax - Tile -========================================== ========================================================================================== - - -Apache MXNet Supported Symbols -########################################## - -========================================== ========================================================================================== - Symbol Name in Apache MXNet Limitations -========================================== ========================================================================================== - _Plus - _contrib_arange_like - _contrib_box_nms - _contrib_DeformableConvolution - _contrib_DeformablePSROIPooling - _contrib_div_sqrt_dim - _contrib_MultiBoxDetection ``force_suppress`` = 1 is not supported, non-default variances are not supported. - _contrib_MultiBoxPrior - _contrib_Proposal - _copy Not needed for inference - _div_scalar - _greater_scalar - _minus_scalar - _mul_scalar - _plus_scalar - _random_uniform Operation provides sequence from uniform distribution, but exact values won't match. - _rnn_param_concat - _arange - _contrib_AdaptiveAvgPooling2D Converted to the Average Pooling with fixed paddings. - _maximum - _minimum - _np_roll - _zeros - add_n - arccosh - arcsinh - arctanh - batch_dot - broadcast_add - broadcast_div - broadcast_mul - broadcast_sub - BlockGrad - cumsum - div_scalar - elementwise_sub - elemwise_add - elemwise_mul - elemwise_sub - exp - expand_dims - greater_scalar - max - minus_scalar - null Not needed for inference. - LayerNorm ``output_mean_var`` = True is not supported. - repeat - rnn - rnn_param_concat - round - sigmoid - slice - SliceChannel - slice_axis - slice_channel - slice_like - softmax - stack - swapaxis - tile - transpose - zeros - Activation Supported ``act_type`` = ``relu``, ``sigmoid``, ``softrelu`` or ``tanh`` - BatchNorm - Concat - Convolution - Crop ``center_crop`` = 1 is not supported. - Custom See :doc:`Custom Layers in Model Optimizer ` - Deconvolution - DeformableConvolution - DeformablePSROIPooling - Dropout Not needed for inference. - ElementWiseSum - Embedding - Flatten - FullyConnected - InstanceNorm - L2Normalization Only 4D input is supported. - LRN - LeakyReLU Supported ``act_type`` = ``prelu``, ``elu``, ``leaky``, ``gelu`` - ones_like - Pad - Pooling - ROIPooling - ReLU - Reshape - ScaleShift - SoftmaxActivation - SoftmaxOutput - SoftSign - Take The attribute ``mode`` is not supported. - Tile - UpSampling - Where - zeros_like -========================================== ========================================================================================== - - -TensorFlow Supported Operations -######################################### - -Some of TensorFlow operations do not match any OpenVINO operations. Yet, they are still supported by -Model Optimizer and can be used on constant propagation path. These layers are labeled -with ``Constant propagation`` in the table below: - -========================================== ========================================================================================== - Operation Name in TensorFlow Limitations -========================================== ========================================================================================== - Abs - Acosh - Add - AddV2 - AddN - All - Any - ArgMax - ArgMin - Asinh - Assert Not needed for inference. - Assign Not needed for inference. - AssignSub Not needed for inference. - Atanh - AvgPool - AvgPoolV2 Supported only for constant-foldable ``kernel_size`` and strides inputs. - AvgPool3D - BatchMatMul - BatchMatMulV2 - BatchToSpaceND - BiasAdd - BlockLSTM - Bucketize CPU only. - BroadcastTo - Cast - Ceil - ClipByValue - Concat - ConcatV2 - Const - Conv2D - Conv2DBackpropInput - Conv3D - Conv3DBackpropInputV2 - Cos - Cosh - CropAndResize ``method`` = ``bilinear`` only. - CTCGreedyDecoder Supported only with decoded indices output in a dense format. - CTCLoss Supported only with decoded indices input in a dense format. - CumSum - DepthToSpace - DepthwiseConv2dNative - Einsum Supported only with equation that does not contain repeated labels within a subscript. - Elu - EmptyTensorList Supported only when it is part of a sub-graph of the special form. - Enter Supported only when it is fused to the TensorIterator layer. - Equal - Erf - Exit Supported only when it is fused to the TensorIterator layer. - Exp - ExpandDims - ExperimentalSparseWeightedSum CPU only. - ExtractImagePatches - EuclideanNorm - FakeQuantWithMinMaxVars - FakeQuantWithMinMaxVarsPerChannel - FFT Supported only when it is part of a sub-graph of the special form. - FFT2D Supported only when it is part of a sub-graph of the special form. - FFT3D Supported only when it is part of a sub-graph of the special form. - FIFOQueueV2 Supported only when it is part of a sub-graph of the special form. - Fill - Floor - FloorDiv - FloorMod - FusedBatchNorm - FusedBatchNormV2 - FusedBatchNormV3 - Gather - GatherNd - GatherTree - GatherV2 - Greater - GreaterEqual - Identity Not needed for shape inference. - IdentityN - IFFT Supported only when it is part of a sub-graph of the special form. - IFFT2D Supported only when it is part of a sub-graph of the special form. - IFFT3D Supported only when it is part of a sub-graph of the special form. - IteratorGetNext Supported only when it is part of a sub-graph of the special form. - LRN - LeakyRelu - Less - LessEqual - Log - Log1p - LogicalAnd - LogicalOr - LogicalNot - LogSoftmax - LookupTableInsertV2 Supported only when it is part of a sub-graph of the special form. - LoopCond Supported only when it is fused to the TensorIterator layer. - MatMul - Max - MaxPool - MaxPoolV2 Supported only for constant-foldable ``kernel_size`` and strides inputs. - MaxPool3D - Maximum - Mean - Merge Supported only when it is fused to the TensorIterator layer. - Min - Minimum - MirrorPad - Mod - Mul - Neg - NextIteration Supported only when it is fused to the TensorIterator layer. - NonMaxSuppressionV2 - NonMaxSuppressionV3 - NonMaxSuppressionV4 - NonMaxSuppressionV5 - NotEqual - NoOp - OneHot - Pack - Pad - PadV2 - Placeholder - PlaceholderWithDefault - Prod - QueueDequeue Supported only when it is part of a sub-graph of the special form. - QueueDequeueUpToV2 Supported only when it is part of a sub-graph of the special form. - QueueDequeueV2 Supported only when it is part of a sub-graph of the special form. - RandomUniform - RandomUniformInt - Range - Rank - RealDiv - Reciprocal - Relu - Relu6 - Reshape - ResizeBilinear - ResizeNearestNeighbor - ResourceGather - ReverseSequence - ReverseV2 Supported only when it can be converted to the ReverseSequence operation. - Roll - Round - Pow - Rsqrt - ScatterNd - Select - SelectV2 - Shape - Sigmoid - Sin - Sinh - Size - Slice - Softmax - Softplus - Softsign - SpaceToBatchND - SpaceToDepth - SparseFillEmptyRows Supported only when it is part of a sub-graph of the special form. - SparseReshape Supported only when it is part of a sub-graph of the special form. - SparseSegmentSum Supported only when it is part of a sub-graph of the special form. - SparseSegmentMean Supported only when it is part of a sub-graph of the special form. - SparseToDense CPU only - Split - SplitV - Sqrt - Square - SquaredDifference - Square - Squeeze Cases in which squeeze axis is not specified are not supported. - StatelessWhile - StopGradient Not needed for shape inference. - StridedSlice Supported only for constant-foldable ``begin``, ``end``, and ``strides`` inputs. - Sub - Sum - Swish - swish_f32 - Switch Control flow propagation. - Tan - Tanh - TensorArrayGatherV3 Supported only when it is fused to the TensorIterator layer. - TensorArrayReadV3 Supported only when it is fused to the TensorIterator layer. - TensorArrayScatterV3 Supported only when it is fused to the TensorIterator layer. - TensorArraySizeV3 Supported only when it is fused to the TensorIterator layer. - TensorArrayV3 Supported only when it is fused to the TensorIterator layer. - TensorArrayWriteV3 Supported only when it is fused to the TensorIterator layer. - TensorListPushBack Supported only when it is part of a sub-graph of the special form. - Tile - TopkV2 - Transpose - Unpack - Variable - VariableV2 - Where Supported only when it is part of a sub-graph of the special form. - ZerosLike -========================================== ========================================================================================== - - -TensorFlow 2 Keras Supported Operations -########################################## - -========================================== ========================================================================================== - Operation Name in TensorFlow 2 Keras Limitations -========================================== ========================================================================================== - ActivityRegularization - Add - AdditiveAttention - AlphaDropout - Attention - Average - AveragePooling1D - AveragePooling2D - AveragePooling3D - BatchNormalization - Bidirectional - Concatenate - Conv1D - Conv1DTranspose Not supported if ``dilation`` is not equal to 1. - Conv2D - Conv2DTranspose - Conv3D - Conv3DTranspose - Cropping1D - Cropping2D - Cropping3D - Dense - DenseFeatures Not supported for categorical and crossed features. - DepthwiseConv2D - Dot - Dropout - ELU - Embedding - Flatten - GRU - GRUCell - GaussianDropout - GaussianNoise - GlobalAveragePooling1D - GlobalAveragePooling2D - GlobalAveragePooling3D - GlobalMaxPool1D - GlobalMaxPool2D - GlobalMaxPool3D - LSTM - LSTMCell - Lambda - LayerNormalization - LeakyReLU - LocallyConnected1D - LocallyConnected2D - MaxPool1D - MaxPool2D - MaxPool3D - Maximum - Minimum - Multiply - PReLU - Permute - RNN Not supported for some custom cells. - ReLU - RepeatVector - Reshape - Roll - SeparableConv1D - SeparableConv2D - SimpleRNN - SimpleRNNCell - Softmax - SpatialDropout1D - SpatialDropout2D - SpatialDropout3D - StackedRNNCells - Subtract - ThresholdedReLU - TimeDistributed - UpSampling1D - UpSampling2D - UpSampling3D - ZeroPadding1D - ZeroPadding2D - ZeroPadding3D -========================================== ========================================================================================== - -Kaldi Supported Layers -########################################## - -========================================== ========================================================================================== - Symbol Name in Kaldi Limitations -========================================== ========================================================================================== - addshift - affinecomponent - affinecomponentpreconditionedonline - affinetransform - backproptruncationcomponent - batchnormcomponent - clipgradientcomponent Not needed for inference. - concat - convolutional1dcomponent - convolutionalcomponent - copy - dropoutmaskcomponent - elementwiseproductcomponent - fixedaffinecomponent - fixedbiascomponent - fixedscalecomponent - generaldropoutcomponent Not needed for inference. - linearcomponent - logsoftmaxcomponent - lstmnonlinearitycomponent - lstmprojected - lstmprojectedstreams - maxpoolingcomponent - naturalgradientaffinecomponent - naturalgradientperelementscalecomponent - noopcomponent Not needed for inference. - normalizecomponent - parallelcomponent - pnormcomponent - rectifiedlinearcomponent - rescale - sigmoid - sigmoidcomponent - softmax - softmaxComponent - specaugmenttimemaskcomponent Not needed for inference. - splicecomponent - tanhcomponent - tdnncomponent - timeheightconvolutioncomponent -========================================== ========================================================================================== - - -ONNX Supported Operators -########################################## - - -Standard ONNX Operators -++++++++++++++++++++++++++++++++++++++++++ - -========================================== ========================================================================================== - ONNX Operator Name -========================================== ========================================================================================== - Abs - Acos - Acosh - And - ArgMin - ArgMax - Asin - Asinh - Atan - ATen - Atanh - AveragePool - BatchNormalization - BitShift - Cast - CastLike - Ceil - Clip - Concat - Constant - ConstantOfShape - Conv - ConvInteger - ConvTranspose - Compress - Cos - Cosh - ConstantFill - CumSum - DepthToSpace - DequantizeLinear - Div - Dropout - Einsum - Elu - Equal - Erf - Exp - Expand - EyeLike - Flatten - Floor - Gather - GatherElements - GatherND - Gemm - GlobalAveragePool - GlobalLpPool - GlobalMaxPool - Greater - GRU - Hardmax - HardSigmoid - HardSwish - Identity - If - ImageScaler - InstanceNormalization - LeakyRelu - Less - Log - LogSoftmax - Loop - LpNormalization - LRN - LSTM - MatMulInteger - MatMul - MaxPool - Max - Mean - MeanVarianceNormalization - Min - Mod - Mul - Neg - NonMaxSuppression - NonZero - Not - Or - OneHot - Pad - Pow - PRelu - QLinearConv - QLinearMatMul - QuantizeLinear - Range - RandomNormal - RandomNormalLike - RandomUniform - RandomUniformLike - Reciprocal - ReduceLogSum - ReduceLogSumExp - ReduceL1 - ReduceL2 - ReduceMax - ReduceMean - ReduceMin - ReduceProd - ReduceSum - ReduceSumSquare - Relu - Reshape - Resize - ReverseSequence - RNN - RoiAlign - Round - ScatterElements - ScatterND - Selu - Shape - Shrink - Sigmoid - Sign - Sin - Sinh - Size - Slice - Softmax - Softplus - Softsign - SpaceToDepth - Split - Sqrt - Squeeze - Sub - Sum - Tan - Tanh - ThresholdedRelu - Tile - TopK - Transpose - Unsqueeze - Where - Xor -========================================== ========================================================================================== - - -Deprecated ONNX Operators (Supported) -++++++++++++++++++++++++++++++++++++++++++ - -========================================== ========================================================================================== - ONNX Operator Name -========================================== ========================================================================================== - Affine - Crop - Scatter - Upsample -========================================== ========================================================================================== - - -Operators From the org.openvinotoolkit Domain -++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++ - -===================================================== =============================================================================== - Custom ONNX Operator Name -===================================================== =============================================================================== - DeformableConv2D - DetectionOutput - ExperimentalDetectronDetectionOutput - ExperimentalDetectronGenerateProposalsSingleImage - ExperimentalDetectronGroupNorm - ExperimentalDetectronPriorGridGenerator - ExperimentalDetectronROIFeatureExtractor - ExperimentalDetectronTopKROIs - FakeQuantize - GroupNorm - Normalize - PriorBox - PriorBoxClustered - Swish -===================================================== =============================================================================== - - -Operators From the com.microsoft Domain -++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++ - -===================================================== =============================================================================== - Custom ONNX Operator Name -===================================================== =============================================================================== - Attention - BiasGelu - EmbedLayerNormalization - SkipLayerNormalization -===================================================== =============================================================================== - - -PaddlePaddle Supported Operators -########################################################### - -paddlepaddle >= 2.1 - -========================================== =============================================================================== - Operator Name in PaddlePaddle Limitations -========================================== =============================================================================== - arg_max The ``int32`` output data_type is not supported. - adaptive_pool2d The ``NHWC`` data_layout is not supported. - assign - assign_value - batch_norm - bicubic_interp - bilinear_interp ``NCW``, ``NWC``, ``NHWC``, ``NCDHW``, ``NDHWC`` data_layout are not supported - bmm - box_coder - cast - ceil - clip - concat - conditional_block - conv2d ``NHWC`` data_layout is not supported - conv2d_transpose - cumsum - deformable_conv - depthwise_conv2d ``NHWC`` data_layout is not supported. - depthwise_conv2d_transpose - dropout - elementwise_add - elementwise_div - elementwise_floordiv - elementwise_max - elementwise_min - elementwise_mod - elementwise_mul - elementwise_pow - elementwise_sub - equal - exp - expand - fill_any_like - fill_constant - fill_constant_batch_size_like - flatten_contiguous_range - floor - gather - gather_nd - gelu - generate_proposals - greater_equal - greater_than - group_norm - hard_sigmoid - hard_swish - index_select - layer_norm - leaky_relu - less_than - linear_interp - log - logical_and - logical_not - logical_or - logical_xor - lookup_table - matmul - matrix_nms Only supports IE CPU plugin with "number of selected boxes" static shape (e.g.: ``min(min(num_boxes, nms_top_k) * num_classes_output, keep_top_k)``). - max_pool2d_with_index - meshgrid - multiclass_nms Only supports IE CPU plugin with "number of selected boxes" static shape (e.g.: ``min(min(num_boxes, nms_top_k) * num_classes_output, keep_top_k)``). - nearest_interp ``NCW``, ``NWC``, ``NHWC``, ``NCDHW``, ``NDHWC`` data_layout are not supported. - not_equal - one_hot_v2 - p_norm - pad3d ``Circular`` mode is not supported. - pool2d ``NHWC`` data_layout is not supported. - pow - prior_box - range - reduce_max - reduce_mean - reduce_min - reduce_prod - reduce_sum - relu - reshape - reverse - rnn ``SimpleRNN`` and ``GRU`` modes are not supported. - roi_align - scale - select_input - shape - sigmoid - slice - softmax - softplus - softshrink - split - sqrt - squeeze - stack - strided_slice - sum - swish - sync_batch_norm - tanh - tile - top_k - transpose - trilinear_interp - unsqueeze - where - where_index - while - yolo_box -========================================== =============================================================================== - - -TensorFlow Lite Supported Operators -########################################################### - -========================================== =============================================================================== -Operator Name in TensorFlow Lite Limitations -========================================== =============================================================================== - ABS - ADD - ADD_N - ARG_MAX - ARG_MIN - AVERAGE_POOL_2D - BATCH_MATMUL - BATCH_TO_SPACE_ND - BROADCAST_ARGS - BROADCAST_TO - CAST - CEIL - COMPLEX_ABS Supported in a specific pattern with RFFT2D - CONCATENATION - CONV_2D - COS - DEPTH_TO_SPACE - DEPTHWISE_CONV_2D - DEQUANTIZE - DIV - ELU - EQUAL - EXP - EXPAND_DIMS - FILL - FLOOR - FLOOR_DIV - FLOOR_MOD - FULLY_CONNECTED - GATHER - GATHER_ND - GREATER - GREATER_EQUAL - HARD_SWISH - L2_NORMALIZATION - LEAKY_RELU - LESS - LESS_EQUAL - LOG - LOG_SOFTMAX - LOGICAL_AND - LOGICAL_NOT - LOGICAL_OR - LOGISTIC - MATRIX_DIAG - MAX_POOL_2D - MAXIMUM - MEAN - MINIMUM - MIRROR_PAD - MUL - NEG - NOT_EQUAL - ONE_HOT - PACK - PAD - PADV2 - POW - PRELU - QUANTIZE - RANGE - RANK - REDUCE_ALL - REDUCE_ANY - REDUCE_MAX - REDUCE_MIN - REDUCE_PROD - RELU - RELU6 - RESHAPE - RESIZE_BILINEAR - RESIZE_NEAREST_NEIGHBOR - REVERSE_V2 - RFFT2D Supported in a specific pattern with COMPLEX_ABS - ROUND - RSQRT - SCATTER_ND - SEGMENT_SUM - SELECT - SELECT_V2 - SHAPE - SIGN - SIN - SLICE - SOFTMAX - SPACE_TO_BATCH_ND - SPACE_TO_DEPTH - SPLIT - SPLIT_V - SQRT - SQUARE - SQUARED_DIFFERENCE - SQUEEZE - STRIDED_SLICE - SUB - SUM - TANH - TILE - TOPK_V2 - TRANSPOSE - TRANSPOSE_CONV - UNIQUE - UNPACK - WHERE - ZEROS_LIKE -========================================== =============================================================================== - - - @endsphinxdirective - - diff --git a/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_Caffe.md b/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_Caffe.md index c8259f9c462..b4b9a692a90 100644 --- a/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_Caffe.md +++ b/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_Caffe.md @@ -91,7 +91,7 @@ Internally, when you run Model Optimizer, it loads the model, goes through the t Supported Caffe Layers ####################### -For the list of supported standard layers, refer to the :doc:`Supported Framework Layers ` page. +For the list of supported standard layers, refer to the :doc:`Supported Operations ` page. Frequently Asked Questions (FAQ) ################################ diff --git a/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_Kaldi.md b/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_Kaldi.md index 2e58fe1cff7..533983ac6ed 100644 --- a/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_Kaldi.md +++ b/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_Kaldi.md @@ -77,7 +77,7 @@ The Model Optimizer finds the last layer of the topology and removes this layer Supported Kaldi Layers ###################### -For the list of supported standard layers, refer to the :doc:`Supported Framework Layers ` page. +For the list of supported standard layers, refer to the :doc:`Supported Operations ` page. Additional Resources #################### diff --git a/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_MxNet.md b/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_MxNet.md index 24a13d921f5..5b9592b6550 100644 --- a/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_MxNet.md +++ b/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_MxNet.md @@ -51,7 +51,7 @@ Internally, when you run Model Optimizer, it loads the model, goes through the t Supported MXNet Layers ####################### -For the list of supported standard layers, refer to the :doc:`Supported Framework Layers ` page. +For the list of supported standard layers, refer to the :doc:`Supported Operations ` page. Frequently Asked Questions (FAQ) ################################ diff --git a/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_ONNX.md b/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_ONNX.md index 21ebc3b6547..c5b1a6f9bef 100644 --- a/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_ONNX.md +++ b/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_ONNX.md @@ -25,7 +25,7 @@ There are no ONNX specific parameters, so only framework-agnostic parameters are Supported ONNX Layers ##################### -For the list of supported standard layers, refer to the :doc:`Supported Framework Layers ` page. +For the list of supported standard layers, refer to the :doc:`Supported Operations ` page. Additional Resources #################### diff --git a/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_Paddle.md b/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_Paddle.md index 148a40fae0b..e6a548fe046 100644 --- a/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_Paddle.md +++ b/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_Paddle.md @@ -102,7 +102,7 @@ Converting certain PaddlePaddle models may require setting ``example_input`` or Supported PaddlePaddle Layers ############################# -For the list of supported standard layers, refer to the :doc:`Supported Framework Layers ` page. +For the list of supported standard layers, refer to the :doc:`Supported Operations ` page. Officially Supported PaddlePaddle Models ######################################## diff --git a/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_TensorFlow.md b/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_TensorFlow.md index 465d37779f8..78f1c477842 100644 --- a/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_TensorFlow.md +++ b/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_TensorFlow.md @@ -283,7 +283,7 @@ MO Python API supports passing TensorFlow/TensorFlow2 models directly from memor Supported TensorFlow and TensorFlow 2 Keras Layers ################################################## -For the list of supported standard layers, refer to the :doc:`Supported Framework Layers ` page. +For the list of supported standard layers, refer to the :doc:`Supported Operations ` page. Frequently Asked Questions (FAQ) ################################ diff --git a/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_TensorFlow_Lite.md b/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_TensorFlow_Lite.md index 10e191dde79..8430d1df184 100644 --- a/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_TensorFlow_Lite.md +++ b/docs/MO_DG/prepare_model/convert_model/Convert_Model_From_TensorFlow_Lite.md @@ -13,7 +13,7 @@ To convert a TensorFlow Lite model, use the ``mo`` script and specify the path t Supported TensorFlow Lite Layers ################################### -For the list of supported standard layers, refer to the :doc:`Supported Framework Layers ` page. +For the list of supported standard layers, refer to the :doc:`Supported Operations ` page. Supported TensorFlow Lite Models ################################### diff --git a/docs/OV_Runtime_UG/supported_plugins/Device_Plugins.md b/docs/OV_Runtime_UG/supported_plugins/Device_Plugins.md index d7b07ac5352..e002214aa79 100644 --- a/docs/OV_Runtime_UG/supported_plugins/Device_Plugins.md +++ b/docs/OV_Runtime_UG/supported_plugins/Device_Plugins.md @@ -17,16 +17,9 @@ OpenVINO™ Runtime can infer deep learning models using the following device ty * :doc:`CPU ` * :doc:`GPU ` * :doc:`GNA ` -* :doc:`Arm® CPU ` For a more detailed list of hardware, see :doc:`Supported Devices `. -Devices similar to the ones used for benchmarking can be accessed, using `Intel® DevCloud for the Edge `__, -a remote development environment with access to Intel® hardware and the latest versions of the Intel® Distribution of the OpenVINO™ Toolkit. -`Learn more `__ or `Register here `__. - - - .. _devicesupport-feature-support-matrix: diff --git a/docs/OV_Runtime_UG/supported_plugins/Supported_Devices.md b/docs/OV_Runtime_UG/supported_plugins/Supported_Devices.md deleted file mode 100644 index fdad1107f17..00000000000 --- a/docs/OV_Runtime_UG/supported_plugins/Supported_Devices.md +++ /dev/null @@ -1,503 +0,0 @@ -# Supported Devices {#openvino_docs_OV_UG_supported_plugins_Supported_Devices} - - -@sphinxdirective - - -The OpenVINO runtime can infer various models of different input and output formats. Here, you can find configurations -supported by OpenVINO devices, which are CPU, GPU, or GNA (Gaussian neural accelerator coprocessor). Currently, 11th generation and later processors (currently up to 13th generation) provide a further performance boost, especially with INT8 models. - -.. note:: - - With OpenVINO™ 2023.0 release, support has been cancelled for all VPU accelerators based on Intel® Movidius™. - -The OpenVINO Runtime provides unique capabilities to infer deep learning models on the following devices: - -+--------------------------------------------------------------------------+---------------------------------------------------------------------------------------------------------------+ -| OpenVINO Device | Supported Hardware | -+==========================================================================+===============================================================================================================+ -|| :doc:`GPU ` | Intel® Processor Graphics, including Intel® HD Graphics and Intel® Iris® Graphics | -+--------------------------------------------------------------------------+---------------------------------------------------------------------------------------------------------------+ -|| :doc:`CPU (x86) ` | Intel® Xeon® with Intel® Advanced Vector Extensions 2 (Intel® AVX2), Intel® Advanced Vector | -|| | Extensions 512 (Intel® AVX-512), Intel® Advanced Matrix Extensions (Intel® AMX), | -|| | Intel® Core™ Processors with Intel® AVX2, | -|| | Intel® Atom® Processors with Intel® Streaming SIMD Extensions (Intel® SSE) | -+--------------------------------------------------------------------------+---------------------------------------------------------------------------------------------------------------+ -|| :doc:`CPU (Arm®) ` | Raspberry Pi™ 4 Model B, Apple® Mac with Apple silicon | -|| | | -+--------------------------------------------------------------------------+---------------------------------------------------------------------------------------------------------------+ -|| :doc:`GNA plugin ` | Intel® Speech Enabling Developer Kit, Amazon Alexa* Premium Far-Field Developer Kit, Intel® | -|| (available in the Intel® Distribution of OpenVINO™ toolkit) | Pentium® Silver J5005 Processor, Intel® Pentium® Silver N5000 Processor, Intel® | -|| | Celeron® J4005 Processor, Intel® Celeron® J4105 Processor, Intel® Celeron® | -|| | Processor N4100, Intel® Celeron® Processor N4000, Intel® Core™ i3-8121U Processor, | -|| | Intel® Core™ i7-1065G7 Processor, Intel® Core™ i7-1060G7 Processor, Intel® | -|| | Core™ i5-1035G4 Processor, Intel® Core™ i5-1035G7 Processor, Intel® Core™ | -|| | i5-1035G1 Processor, Intel® Core™ i5-1030G7 Processor, Intel® Core™ i5-1030G4 Processor, | -|| | Intel® Core™ i3-1005G1 Processor, Intel® Core™ i3-1000G1 Processor, | -|| | Intel® Core™ i3-1000G4 Processor | -+--------------------------------------------------------------------------+---------------------------------------------------------------------------------------------------------------+ -|| :doc:`Multi-Device ` | Multi-Device execution enables simultaneous inference of the same model on several devices in parallel | -+--------------------------------------------------------------------------+---------------------------------------------------------------------------------------------------------------+ -|| :doc:`Auto-Device plugin ` | Auto-Device enables selecting devices for inference automatically | -+--------------------------------------------------------------------------+---------------------------------------------------------------------------------------------------------------+ -|| :doc:`Heterogeneous plugin ` | Heterogeneous execution enables automatically splitting inference between several devices (for example if | -|| | a device doesn't support certain operations) | -+--------------------------------------------------------------------------+---------------------------------------------------------------------------------------------------------------+ - -.. note:: - - ARM® CPU plugin is a community-level add-on to OpenVINO™. Intel® welcomes community participation in the OpenVINO™ - ecosystem, technical questions and code contributions on community forums. However, this component has not - undergone full release validation or qualification from Intel®, hence no official support is offered. - - -Devices similar to the ones we have used for benchmarking can be accessed using `Intel® DevCloud for the Edge `__, -a remote development environment with access to Intel® hardware and the latest versions of the Intel® Distribution -of OpenVINO™ Toolkit. `Learn more `__ or `Register here `__. - - -Supported Configurations -########################################################### - -The OpenVINO Runtime can inference models in different formats with various input and output formats. -This page shows supported and optimal configurations for each plugin. - - -Terminology -+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++ - -+------------------+----------------------------------------------+ -| Acronym/Term | Description | -+==================+==============================================+ -| FP32 format | Single-precision floating-point format | -+------------------+----------------------------------------------+ -| BF16 format | Brain floating-point format | -+------------------+----------------------------------------------+ -| FP16 format | Half-precision floating-point format | -+------------------+----------------------------------------------+ -| I16 format | 2-byte signed integer format | -+------------------+----------------------------------------------+ -| I8 format | 1-byte signed integer format | -+------------------+----------------------------------------------+ -| U16 format | 2-byte unsigned integer format | -+------------------+----------------------------------------------+ -| U8 format | 1-byte unsigned integer format | -+------------------+----------------------------------------------+ - -NHWC, NCHW, and NCDHW refer to the data ordering in batches of images: - -* NHWC and NCHW refer to image data layout. -* NCDHW refers to image sequence data layout. - -Abbreviations in the support tables are as follows: - -* N: Number of images in a batch -* D: Depth. Depend on model it could be spatial or time dimension -* H: Number of pixels in the vertical dimension -* W: Number of pixels in the horizontal dimension -* C: Number of channels - -CHW, NC, C - Tensor memory layout. -For example, the CHW value at index (c,h,w) is physically located at index (c\*H+h)\*W+w, for others by analogy. - - -Supported Model Formats -+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++ - -+------------------+--------------------------+--------------------------+------------------------+ -| Plugin | FP32 | FP16 | I8 | -+==================+==========================+==========================+========================+ -| CPU plugin | Supported and preferred | Supported | Supported | -+------------------+--------------------------+--------------------------+------------------------+ -| GPU plugin | Supported | Supported and preferred | Supported | -+------------------+--------------------------+--------------------------+------------------------+ -| GNA plugin | Supported | Supported | Not supported | -+------------------+--------------------------+--------------------------+------------------------+ -| Arm® CPU plugin | Supported and preferred | Supported | Supported (partially) | -+------------------+--------------------------+--------------------------+------------------------+ - - -For :doc:`Multi-Device ` and -:doc:`Heterogeneous ` executions, the supported models formats depends -on the actual underlying devices. - -Supported Input Precision -+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++ - -+------------------+------------+----------------+--------------+----------------+----------------+----------------+ -| Plugin | FP32 | FP16 | U8 | U16 | I8 | I16 | -+==================+============+================+==============+================+================+================+ -| CPU plugin | Supported | Supported | Supported | Supported | Supported | Supported | -+------------------+------------+----------------+--------------+----------------+----------------+----------------+ -| GPU plugin | Supported | Supported\* | Supported\* | Supported\* | Not supported | Supported\* | -+------------------+------------+----------------+--------------+----------------+----------------+----------------+ -| GNA plugin | Supported | Not supported | Supported | Not supported | Supported | Supported | -+------------------+------------+----------------+--------------+----------------+----------------+----------------+ -| Arm® CPU plugin | Supported | Supported | Supported | Supported | Not supported | Not supported | -+------------------+------------+----------------+--------------+----------------+----------------+----------------+ - -\* - Supported via ``SetBlob`` only, ``GetBlob`` returns FP32 - -For :doc:`Multi-Device ` and -:doc:`Heterogeneous ` executions, the supported input precision -depends on the actual underlying devices. *Generally, U8 is preferable as it is most ubiquitous*. - -Supported Output Precision -+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++ - -+------------------+-----------------------------+ -| Plugin | FP32 | FP16 | -+==================+============+================+ -| CPU plugin | Supported | Supported | -+------------------+------------+----------------+ -| GPU plugin | Supported | Supported | -+------------------+------------+----------------+ -| GNA plugin | Supported | Not supported | -+------------------+------------+----------------+ -| Arm® CPU plugin | Supported | Supported | -+------------------+------------+----------------+ - -For :doc:`Multi-Device ` and -:doc:`Heterogeneous ` executions, the supported output precision -depends on the actual underlying devices. *Generally, FP32 is preferable as it is most ubiquitous*. - -Supported Input Layout -+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++ - -+------------------+----------------+------------+------------+------------+ -| Plugin | NCDHW | NCHW | NHWC | NC | -+==================+================+============+============+============+ -| CPU plugin | Supported | Supported | Supported | Supported | -+------------------+----------------+------------+------------+------------+ -| GPU plugin | Supported | Supported | Supported | Supported | -+------------------+----------------+------------+------------+------------+ -| GNA plugin | Not supported | Supported | Supported | Supported | -+------------------+----------------+------------+------------+------------+ -| Arm® CPU plugin | Not supported | Supported | Supported | Supported | -+------------------+----------------+------------+------------+------------+ - -Supported Output Layout -+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++ - -+-----------------------+--------+-------+------+-----+----+ -| Number of dimensions | 5 | 4 | 3 | 2 | 1 | -+=======================+========+=======+======+=====+====+ -| Layout | NCDHW | NCHW | CHW | NC | C | -+-----------------------+--------+-------+------+-----+----+ - - -For setting relevant configuration, refer to the -:doc:`Integrate with Customer Application ` -topic (step 3 "Configure input and output"). - - -Supported Layers -+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++ - -The following layers are supported by the plugins: - - -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Layers | GPU | CPU | GNA | Arm® CPU | -+================================+================+=================+================+====================+ -| Abs | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Acos | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Acosh | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Activation-Clamp | Supported | Supported\*\*\* | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Activation-ELU | Supported | Supported\*\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Activation-Exp | Supported | Supported\*\*\* | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Activation-Leaky ReLU | Supported | Supported\*\*\* | Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Activation-Not | Supported | Supported\*\*\* | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Activation-PReLU | Supported | Supported\*\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Activation-ReLU | Supported | Supported\*\*\* | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Activation-ReLU6 | Supported | Supported\*\*\* | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Activation-Sigmoid/Logistic | Supported | Supported\*\*\* | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Activation-TanH | Supported | Supported\*\*\* | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ArgMax | Supported | Supported\*\* | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Asin | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Asinh | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Atan | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Atanh | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| BatchNormalization | Supported | Supported | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| BinaryConvolution | Supported | Supported | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Broadcast | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Ceil | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Concat | Supported | Supported\*\*\* | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Const | Supported | Supported | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Convolution-Dilated | Supported | Supported | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Convolution-Dilated 3D | Supported | Supported | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Convolution-Grouped | Supported | Supported | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Convolution-Grouped 3D | Supported | Supported | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Convolution-Ordinary | Supported | Supported | Supported\* | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Convolution-Ordinary 3D | Supported | Supported | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Cos | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Cosh | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Crop | Supported | Supported | Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| CTCGreedyDecoder | Supported\*\* | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Deconvolution | Supported | Supported | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Deconvolution 3D | Supported | Supported | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| DeformableConvolution | Supported | Supported | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| DepthToSpace | Supported | Supported\*\* | Not Supported | Supported\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| DetectionOutput | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-And | Supported | Supported\*\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-Add | Supported | Supported\*\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-Div | Supported | Supported\*\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-Equal | Supported | Supported\*\*\* | Not Supported | Supported\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-FloorMod | Supported | Supported\*\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-Greater | Supported | Supported\*\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-GreaterEqual | Supported | Supported\*\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-Less | Supported | Supported\*\*\* | Not Supported | Supported\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-LessEqual | Supported | Supported\*\*\* | Not Supported | Supported\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-LogicalAnd | Supported | Supported\*\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-LogicalOr | Supported | Supported\*\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-LogicalXor | Supported | Supported\*\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-Max | Supported | Supported\*\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-Min | Supported | Supported\*\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-Mul | Supported | Supported\*\*\* | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-NotEqual | Supported | Supported\*\*\* | Not Supported | Supported\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-Pow | Supported | Supported\*\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-Prod | Supported | Supported\*\*\* | Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-SquaredDiff | Supported | Supported\*\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-Sub | Supported | Supported\*\*\* | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Eltwise-Sum | Supported | Supported\*\*\* | Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Erf | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Exp | Supported | Supported | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| FakeQuantize | Not Supported | Supported | Not Supported | Supported\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Fill | Not Supported | Supported\*\* | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Flatten | Supported | Supported | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Floor | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| FullyConnected (Inner Product) | Supported | Supported\*\*\* | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Gather | Supported | Supported\*\* | Not Supported | Supported\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| GatherTree | Not Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Gemm | Supported | Supported | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| GRN | Supported\*\* | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| HardSigmoid | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Interp | Supported\*\* | Supported\*\* | Not Supported | Supported\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Log | Supported | Supported\*\* | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| LRN (Norm) | Supported | Supported | Not Supported | Supported\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| LSTMCell | Supported | Supported | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| GRUCell | Supported | Supported | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| RNNCell | Supported | Supported | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| LSTMSequence | Supported | Supported | Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| GRUSequence | Supported | Supported | Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| RNNSequence | Supported | Supported | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| LogSoftmax | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Memory | Not Supported | Supported | Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| MVN | Supported | Supported\*\* | Not Supported | Supported\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Neg | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| NonMaxSuppression | Not Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Normalize | Supported | Supported\*\* | Not Supported | Supported\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| OneHot | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Pad | Supported | Supported\*\* | Not Supported | Supported\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Permute | Supported | Supported | Supported\* | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Pooling(AVG,MAX) | Supported | Supported | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Pooling(AVG,MAX) 3D | Supported | Supported | Not Supported | Supported\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Power | Supported | Supported\*\* | Supported\* | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| PowerFile | Not Supported | Supported\*\* | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| PriorBox | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| PriorBoxClustered | Supported\*\* | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Proposal | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| PSROIPooling | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Range | Not Supported | Supported\*\* | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Reciprocal | Supported | Supported\*\* | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ReduceAnd | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ReduceL1 | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ReduceL2 | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ReduceLogSum | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ReduceLogSumExp | Supported | Supported\*\* | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ReduceMax | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ReduceMean | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ReduceMin | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ReduceOr | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ReduceProd | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ReduceSum | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ReduceSumSquare | Supported | Supported\*\* | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| RegionYolo | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ReorgYolo | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Resample | Supported | Supported\*\* | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Reshape | Supported | Supported\*\*\* | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ReverseSequence | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| RNN | Not Supported | Supported | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ROIPooling | Supported\* | Supported | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ScaleShift | Supported | Supported\*\*\* | Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ScatterUpdate | Not Supported | Supported\*\* | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Select | Supported | Supported | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Selu | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| ShuffleChannels | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Sign | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Sin | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Sinh | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| SimplerNMS | Supported | Supported\*\* | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Slice | Supported | Supported\*\*\* | Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| SoftMax | Supported | Supported\*\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Softplus | Supported | Supported\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Softsign | Supported | Supported\*\* | Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| SpaceToDepth | Not Supported | Supported\*\* | Not Supported | Supported\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| SpatialTransformer | Not Supported | Supported\*\* | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Split | Supported | Supported\*\*\* | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Squeeze | Supported | Supported\*\* | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| StridedSlice | Supported | Supported\*\* | Not Supported | Supported\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Tan | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| TensorIterator | Not Supported | Supported | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Tile | Supported\*\* | Supported\*\*\* | Not Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| TopK | Supported | Supported\*\* | Not Supported | Supported\*\*\*\* | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Unpooling | Supported | Not Supported | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Unsqueeze | Supported | Supported\*\* | Supported | Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ -| Upsampling | Supported | Not Supported | Not Supported | Not Supported | -+--------------------------------+----------------+-----------------+----------------+--------------------+ - - -\* - support is limited to the specific parameters. Refer to "Known Layer Limitations" section for the device :doc:`from the list of supported `. - -\*\* - support is implemented via :doc:`Extensibility mechanism `. - -\*\*\* - supports NCDHW layout. - -\*\*\*\* - support is implemented via runtime reference. - -@endsphinxdirective - - diff --git a/docs/_static/download/operation_conformance_table_files/opset_report_omz_static.html b/docs/_static/download/operation_conformance_table_files/opset_report_omz_static.html new file mode 100644 index 00000000000..28fb6b75f68 --- /dev/null +++ b/docs/_static/download/operation_conformance_table_files/opset_report_omz_static.html @@ -0,0 +1,22864 @@ + + + + + + + + + + + + + + + Report + + + +
+

Operations coverage summary: Tag: Conformance_report__omz_static_opset | Version: master | Time: 07-02-2023 22:11:42

+
+
+ Collected statistic info +
+
+ N/ANo Tests +
+
+ Status: + P:85Passed + F:0Failed + S:2Skipped + C:0Crashed + H:0Hanged +
+
+ Plugin operation implementation status: +
Implemented
+
Not implemented
+
+
+
+ +
+
+
+ + +
+
+ + +
+
+ + +
+
+ + +
+
+ + +
+ + +
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
OperationCPUCPU_ARMDGPUGNAGPUNVIDIATEMPLATEVPUX
Total: 206 93 93 93 93 93 NOT RUN 93 NOT RUN
Trusted op (passrate=100%):91.4 %83.9 %0.0 %1.1 %75.3 %NOT RUN 95.7 %NOT RUN
Tested op counter:40304030403040304030NOT RUN4030NOT RUN
AVG passrate per op (=sum_pass_rates/covered_ops_num):96.1 %94.6 %0.0 %3.5 %89.7 %NOT RUN 98.4 %NOT RUN
General passrate (=passed_tests/all_tests):98.9 %96.5 %0.0 %7.2 %97.7 %NOT RUN 99.4 %NOT RUN
Abs-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Acos-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Acosh-4 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
AdaptiveAvgPool-8 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
AdaptiveMaxPool-8 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Add-1 + + 100.0 %
+
+
+ P:312 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:312 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:312 + S:0 + C:0 + H:0 +
+
+ +
+ + 1.9 %
+
+
+ P:6 + F:302 + S:1 + C:3 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:312 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:312 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Asin-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Asinh-4 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Assign-3 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Assign-6 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Atan-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Atanh-4 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
AvgPool-1 + + 100.0 %
+
+
+ P:34 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:34 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:34 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:34 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:34 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:34 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
BatchNormInference-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
BatchNormInference-5 + + 100.0 %
+
+
+ P:102 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:102 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:102 + S:0 + C:0 + H:0 +
+
+ +
+ + 2.0 %
+
+
+ P:2 + F:100 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:102 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:102 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
BatchToSpace-2 + + 25.0 %
+
+
+ P:2 + F:0 + S:4 + C:2 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:0 + S:3 + C:5 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:8 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:8 + S:0 + C:0 + H:0 +
+
+ +
+ + 25.0 %
+
+
+ P:2 + F:0 + S:5 + C:1 + H:0 +
+
+ +
NOT RUN + + 25.0 %
+
+
+ P:2 + F:0 + S:3 + C:3 + H:0 +
+
+ +
NOT RUN
BinaryConvolution-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Broadcast-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Broadcast-3 + + 100.0 %
+
+
+ P:60 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 98.3 %
+
+
+ P:59 + F:0 + S:0 + C:0 + H:1 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:60 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:60 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:60 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:60 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Bucketize-3 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
CTCGreedyDecoder-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
CTCGreedyDecoderSeqLen-6 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
CTCLoss-4 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Ceiling-1 + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Clamp-1 + + 100.0 %
+
+
+ P:5 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:5 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:5 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:5 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:5 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:5 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Concat-1 + + 100.0 %
+
+
+ P:467 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:467 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:467 + S:0 + C:0 + H:0 +
+
+ +
+ + 1.1 %
+
+
+ P:5 + F:431 + S:20 + C:11 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:467 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:467 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Constant-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Convert-1 + + 98.3 %
+
+
+ P:535 + F:7 + S:2 + C:0 + H:0 +
+
+ +
+ + 92.8 %
+
+
+ P:505 + F:4 + S:34 + C:1 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:544 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:544 + S:0 + C:0 + H:0 +
+
+ +
+ + 95.6 %
+
+
+ P:520 + F:19 + S:5 + C:0 + H:0 +
+
+ +
NOT RUN + + 99.3 %
+
+
+ P:540 + F:2 + S:2 + C:0 + H:0 +
+
+ +
NOT RUN
ConvertLike-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Convolution-1 + + 100.0 %
+
+
+ P:311 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 93.6 %
+
+
+ P:291 + F:0 + S:0 + C:20 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:311 + S:0 + C:0 + H:0 +
+
+ +
+ + 3.5 %
+
+
+ P:11 + F:300 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:311 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:311 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
ConvolutionBackpropData-1 + + 100.0 %
+
+
+ P:5 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:5 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:5 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:5 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:5 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:5 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Cos-1 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Cosh-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
CumSum-3 + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
DFT-7 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
DeformableConvolution-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
DeformableConvolution-8 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
DeformablePSROIPooling-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
DepthToSpace-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
DetectionOutput-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
DetectionOutput-8 + + 100.0 %
+
+
+ P:12 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:12 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:12 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:12 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:12 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:12 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Divide-1 + + 100.0 %
+
+
+ P:513 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:513 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:513 + S:0 + C:0 + H:0 +
+
+ +
+ + 47.6 %
+
+
+ P:244 + F:269 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:513 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:513 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Einsum-7 + + 100.0 %
+
+
+ P:8 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:8 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:8 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:8 + S:0 + C:0 + H:0 +
+
+ +
+ + 87.5 %
+
+
+ P:7 + F:1 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:8 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Elu-1 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
EmbeddingBagOffsetsSum-3 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
EmbeddingBagPackedSum-3 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
EmbeddingSegmentsSum-3 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Equal-1 + + 100.0 %
+
+
+ P:5 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:5 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:5 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:5 + S:0 + C:0 + H:0 +
+
+ +
+ + 40.0 %
+
+
+ P:2 + F:0 + S:2 + C:1 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:5 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Erf-1 + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Exp-1 + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
ExperimentalDetectronDetectionOutput-6 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
ExperimentalDetectronGenerateProposalsSingleImage-6 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
ExperimentalDetectronPriorGridGenerator-6 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
ExperimentalDetectronROIFeatureExtractor-6 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
ExperimentalDetectronTopKROIs-6 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
ExtractImagePatches-3 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Eye-9N/AN/AN/AN/AN/A NOT RUNN/A NOT RUN
FakeQuantize-1 + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Floor-1 + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
FloorMod-1 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
GRN-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
GRUCell-3 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
GRUSequence-5 + + 20.0 %
+
+
+ P:1 + F:4 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:5 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:5 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:5 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:4 + S:0 + C:1 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:5 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Gather-1 + + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:4 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:4 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Gather-7 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Gather-8 + + 100.0 %
+
+
+ P:44 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:44 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:44 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:44 + S:0 + C:0 + H:0 +
+
+ +
+ + 97.7 %
+
+
+ P:43 + F:1 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:44 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
GatherElements-6 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
GatherND-5 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
GatherND-8 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:0 + S:1 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
GatherTree-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Gelu-2 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Gelu-7 + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
GenerateProposals-9 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Greater-1 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
GreaterEqual-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
GridSample-9 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
GroupConvolution-1 + + 100.0 %
+
+
+ P:94 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 87.2 %
+
+
+ P:82 + F:12 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:94 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:94 + S:0 + C:0 + H:0 +
+
+ +
+ + 98.9 %
+
+
+ P:93 + F:1 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:94 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
GroupConvolutionBackpropData-1 + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
HSigmoid-5 + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
HSwish-4 + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
HardSigmoid-1 + + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:4 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:4 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
I420toBGR-8 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
I420toRGB-8 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
IDFT-7 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
IRDFT-9 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
If-8 + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Interpolate-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Interpolate-4 + + 100.0 %
+
+
+ P:153 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 96.1 %
+
+
+ P:147 + F:2 + S:4 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:153 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:153 + S:0 + C:0 + H:0 +
+
+ +
+ + 99.3 %
+
+
+ P:152 + F:1 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:153 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
IsFinite-10 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
IsInf-10 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
IsNaN-10 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
LRN-1 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
LSTMCell-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
LSTMCell-4 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
LSTMSequence-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
LSTMSequence-5 + + 25.0 %
+
+
+ P:2 + F:6 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:8 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:8 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:8 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:6 + S:0 + C:2 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:8 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Less-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
LessEqual-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Log-1 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
LogSoftmax-5 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
LogicalAnd-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
LogicalNot-1 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
LogicalOr-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
LogicalXor-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Loop-5 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
MVN-2 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
MVN-6 + + 100.0 %
+
+
+ P:6 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:6 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:6 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:6 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:6 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:6 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
MatMul-1 + + 100.0 %
+
+
+ P:32 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 93.8 %
+
+
+ P:30 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:32 + S:0 + C:0 + H:0 +
+
+ +
+ + 9.4 %
+
+
+ P:3 + F:29 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:32 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:32 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
MatrixNms-8 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
MaxPool-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
MaxPool-8 + + 100.0 %
+
+
+ P:31 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:0 + S:1 + C:30 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:31 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:31 + S:0 + C:0 + H:0 +
+
+ +
+ + 90.3 %
+
+
+ P:28 + F:3 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:31 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Maximum-1 + + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:4 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:4 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Minimum-1 + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Mish-4 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Mod-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
MulticlassNms-8 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
MulticlassNms-9 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Multiply-1 + + 100.0 %
+
+
+ P:39 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:39 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:39 + S:0 + C:0 + H:0 +
+
+ +
+ + 2.6 %
+
+
+ P:1 + F:38 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:39 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:39 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
NV12toBGR-8 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
NV12toRGB-8 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Negative-1 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
NonMaxSuppression-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
NonMaxSuppression-3 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
NonMaxSuppression-4 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
NonMaxSuppression-5 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
NonMaxSuppression-9 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
NonZero-3 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
NormalizeL2-1 + + 66.7 %
+
+
+ P:2 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 66.7 %
+
+
+ P:2 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 66.7 %
+
+
+ P:2 + F:1 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
NotEqual-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
OneHot-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
PRelu-1 + + 100.0 %
+
+
+ P:96 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:96 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:96 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:96 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:96 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:96 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
PSROIPooling-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Pad-1 + + 100.0 %
+
+
+ P:15 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:15 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:15 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:15 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:15 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:15 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Parameter-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Power-1 + + 100.0 %
+
+
+ P:7 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:7 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:7 + S:0 + C:0 + H:0 +
+
+ +
+ + 57.1 %
+
+
+ P:4 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:7 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:7 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
PriorBox-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
PriorBox-8 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
PriorBoxClustered-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Proposal-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Proposal-4 + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 66.7 %
+
+
+ P:2 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
RDFT-9 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
RNNCell-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
RNNSequence-5 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
ROIAlign-3 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
ROIAlign-9 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
ROIPooling-2 + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
RandomUniform-8 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Range-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Range-4 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
ReadValue-3 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
ReadValue-6 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
ReduceL1-4 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
ReduceL2-4 + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
ReduceLogicalAnd-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
ReduceLogicalOr-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
ReduceMax-1 + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 66.7 %
+
+
+ P:2 + F:0 + S:0 + C:1 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
ReduceMean-1 + + 100.0 %
+
+
+ P:12 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 83.3 %
+
+
+ P:10 + F:0 + S:0 + C:2 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:12 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:12 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:12 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:12 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
ReduceMin-1 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
ReduceProd-1 + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
ReduceSum-1 + + 100.0 %
+
+
+ P:8 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:8 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:8 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:8 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:8 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:8 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
RegionYolo-1 + + 100.0 %
+
+
+ P:13 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:13 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:13 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:13 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:13 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:13 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Relu-1 + + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:4 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:4 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
ReorgYolo-2 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Reshape-1 + + 100.0 %
+
+
+ P:558 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:558 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:558 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.2 %
+
+
+ P:1 + F:411 + S:30 + C:116 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:558 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:558 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Result-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Reverse-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
ReverseSequence-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Roll-7 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Round-5 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
ScatterElementsUpdate-3 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
ScatterNDUpdate-4 + + 100.0 %
+
+
+ P:11 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:11 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:11 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:11 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:11 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:11 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
ScatterUpdate-3 + + 100.0 %
+
+
+ P:16 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:16 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:16 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:16 + S:0 + C:0 + H:0 +
+
+ +
+ + 93.8 %
+
+
+ P:15 + F:1 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:16 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Select-1 + + 100.0 %
+
+
+ P:14 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:14 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:14 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:14 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:14 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:14 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Selu-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
ShapeOf-1 + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
ShapeOf-3 + + 100.0 %
+
+
+ P:12 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:12 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:12 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:12 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:12 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:12 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
ShuffleChannels-1 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Sigmoid-1 + + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:4 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:4 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Sign-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Sin-1 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Sinh-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Slice-8 + + 100.0 %
+
+
+ P:66 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:66 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:66 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:66 + S:0 + C:0 + H:0 +
+
+ +
+ + 98.5 %
+
+
+ P:65 + F:1 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:66 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
SoftPlus-4 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
SoftSign-9 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Softmax-1 + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:2 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:2 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Softmax-8 + + 100.0 %
+
+
+ P:9 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 88.9 %
+
+
+ P:8 + F:0 + S:0 + C:1 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:9 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:9 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:9 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:9 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
SpaceToBatch-2 + + 36.4 %
+
+
+ P:8 + F:0 + S:7 + C:7 + H:0 +
+
+ +
+ + 36.4 %
+
+
+ P:8 + F:0 + S:7 + C:7 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:22 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:22 + S:0 + C:0 + H:0 +
+
+ +
+ + 36.4 %
+
+
+ P:8 + F:0 + S:8 + C:6 + H:0 +
+
+ +
NOT RUN + + 36.4 %
+
+
+ P:8 + F:0 + S:9 + C:5 + H:0 +
+
+ +
NOT RUN
SpaceToDepth-1 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Split-1 + + 100.0 %
+
+
+ P:7 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:7 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:7 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:6 + S:0 + C:1 + H:0 +
+
+ +
+ + 85.7 %
+
+
+ P:6 + F:1 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:7 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Sqrt-1 + + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:4 + S:0 + C:0 + H:0 +
+
+ +
+ + 75.0 %
+
+
+ P:3 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
SquaredDifference-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Squeeze-1 + + 100.0 %
+
+
+ P:20 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:20 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:20 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:19 + S:0 + C:1 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:20 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:20 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
StridedSlice-1 + + 100.0 %
+
+
+ P:114 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:114 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:114 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:114 + S:0 + C:0 + H:0 +
+
+ +
+ + 93.0 %
+
+
+ P:106 + F:8 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:114 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Subtract-1 + + 100.0 %
+
+
+ P:45 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:45 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:45 + S:0 + C:0 + H:0 +
+
+ +
+ + 22.2 %
+
+
+ P:10 + F:35 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:45 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:45 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Swish-4 + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:1 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Tan-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Tanh-1 + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:3 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:3 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
TensorIterator-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Tile-1 + + 100.0 %
+
+
+ P:12 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:12 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:12 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:12 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:12 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:12 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
TopK-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
TopK-3 + + 75.0 %
+
+
+ P:3 + F:1 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:4 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:4 + S:0 + C:0 + H:0 +
+
+ +
+ + 75.0 %
+
+
+ P:3 + F:1 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:4 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Transpose-1 + + 100.0 %
+
+
+ P:21 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:21 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:21 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:20 + S:1 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:21 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:21 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Unique-10 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
Unsqueeze-1 + + 93.9 %
+
+
+ P:31 + F:0 + S:1 + C:1 + H:0 +
+
+ +
+ + 93.9 %
+
+
+ P:31 + F:0 + S:1 + C:1 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:33 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:25 + S:2 + C:6 + H:0 +
+
+ +
+ + 93.9 %
+
+
+ P:31 + F:0 + S:1 + C:1 + H:0 +
+
+ +
NOT RUN + + 93.9 %
+
+
+ P:31 + F:0 + S:0 + C:2 + H:0 +
+
+ +
NOT RUN
VariadicSplit-1 + + 100.0 %
+
+
+ P:20 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:20 + F:0 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:20 + S:0 + C:0 + H:0 +
+
+ +
+ + 0.0 %
+
+
+ P:0 + F:20 + S:0 + C:0 + H:0 +
+
+ +
+ + 100.0 %
+
+
+ P:20 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN + + 100.0 %
+
+
+ P:20 + F:0 + S:0 + C:0 + H:0 +
+
+ +
NOT RUN
Xor-1 + + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
+ + ---
+
+
+
+
+ +
NOT RUN + + ---
+
+
+
+
+ +
NOT RUN
+ + + + \ No newline at end of file diff --git a/docs/_static/download/operation_conformance_table_files/template/chosen.jquery.min.js b/docs/_static/download/operation_conformance_table_files/template/chosen.jquery.min.js new file mode 100644 index 00000000000..4ad164751de --- /dev/null +++ b/docs/_static/download/operation_conformance_table_files/template/chosen.jquery.min.js @@ -0,0 +1,3 @@ +/* Chosen v1.8.7 | (c) 2011-2018 by Harvest | MIT License, https://github.com/harvesthq/chosen/blob/master/LICENSE.md */ + +(function(){var t,e,s,i,n=function(t,e){return function(){return t.apply(e,arguments)}},r=function(t,e){function s(){this.constructor=t}for(var i in e)o.call(e,i)&&(t[i]=e[i]);return s.prototype=e.prototype,t.prototype=new s,t.__super__=e.prototype,t},o={}.hasOwnProperty;(i=function(){function t(){this.options_index=0,this.parsed=[]}return t.prototype.add_node=function(t){return"OPTGROUP"===t.nodeName.toUpperCase()?this.add_group(t):this.add_option(t)},t.prototype.add_group=function(t){var e,s,i,n,r,o;for(e=this.parsed.length,this.parsed.push({array_index:e,group:!0,label:t.label,title:t.title?t.title:void 0,children:0,disabled:t.disabled,classes:t.className}),o=[],s=0,i=(r=t.childNodes).length;s"+this.escape_html(t.group_label)+""+t.html:t.html},t.prototype.mouse_enter=function(){return this.mouse_on_container=!0},t.prototype.mouse_leave=function(){return this.mouse_on_container=!1},t.prototype.input_focus=function(t){if(this.is_multiple){if(!this.active_field)return setTimeout(function(t){return function(){return t.container_mousedown()}}(this),50)}else if(!this.active_field)return this.activate_field()},t.prototype.input_blur=function(t){if(!this.mouse_on_container)return this.active_field=!1,setTimeout(function(t){return function(){return t.blur_test()}}(this),100)},t.prototype.label_click_handler=function(t){return this.is_multiple?this.container_mousedown(t):this.activate_field()},t.prototype.results_option_build=function(t){var e,s,i,n,r,o,h;for(e="",h=0,n=0,r=(o=this.results_data).length;n=this.max_shown_results));n++);return e},t.prototype.result_add_option=function(t){var e,s;return t.search_match&&this.include_option_in_results(t)?(e=[],t.disabled||t.selected&&this.is_multiple||e.push("active-result"),!t.disabled||t.selected&&this.is_multiple||e.push("disabled-result"),t.selected&&e.push("result-selected"),null!=t.group_array_index&&e.push("group-option"),""!==t.classes&&e.push(t.classes),s=document.createElement("li"),s.className=e.join(" "),t.style&&(s.style.cssText=t.style),s.setAttribute("data-option-array-index",t.array_index),s.innerHTML=t.highlighted_html||t.html,t.title&&(s.title=t.title),this.outerHTML(s)):""},t.prototype.result_add_group=function(t){var e,s;return(t.search_match||t.group_match)&&t.active_options>0?((e=[]).push("group-result"),t.classes&&e.push(t.classes),s=document.createElement("li"),s.className=e.join(" "),s.innerHTML=t.highlighted_html||this.escape_html(t.label),t.title&&(s.title=t.title),this.outerHTML(s)):""},t.prototype.results_update_field=function(){if(this.set_default_text(),this.is_multiple||this.results_reset_cleanup(),this.result_clear_highlight(),this.results_build(),this.results_showing)return this.winnow_results()},t.prototype.reset_single_select_options=function(){var t,e,s,i,n;for(n=[],t=0,e=(s=this.results_data).length;t"+this.escape_html(s)+""+this.escape_html(p)),null!=a&&(a.group_match=!0)):null!=r.group_array_index&&this.results_data[r.group_array_index].search_match&&(r.search_match=!0)));return this.result_clear_highlight(),_<1&&h.length?(this.update_results_content(""),this.no_results(h)):(this.update_results_content(this.results_option_build()),(null!=t?t.skip_highlight:void 0)?void 0:this.winnow_results_set_highlight())},t.prototype.get_search_regex=function(t){var e,s;return s=this.search_contains?t:"(^|\\s|\\b)"+t+"[^\\s]*",this.enable_split_word_search||this.search_contains||(s="^"+s),e=this.case_sensitive_search?"":"i",new RegExp(s,e)},t.prototype.search_string_match=function(t,e){var s;return s=e.exec(t),!this.search_contains&&(null!=s?s[1]:void 0)&&(s.index+=1),s},t.prototype.choices_count=function(){var t,e,s;if(null!=this.selected_option_count)return this.selected_option_count;for(this.selected_option_count=0,t=0,e=(s=this.form_field.options).length;t0?this.keydown_backstroke():this.pending_backstroke||(this.result_clear_highlight(),this.results_search());break;case 13:t.preventDefault(),this.results_showing&&this.result_select(t);break;case 27:this.results_showing&&this.results_hide();break;case 9:case 16:case 17:case 18:case 38:case 40:case 91:break;default:this.results_search()}},t.prototype.clipboard_event_checker=function(t){if(!this.is_disabled)return setTimeout(function(t){return function(){return t.results_search()}}(this),50)},t.prototype.container_width=function(){return null!=this.options.width?this.options.width:this.form_field.offsetWidth+"px"},t.prototype.include_option_in_results=function(t){return!(this.is_multiple&&!this.display_selected_options&&t.selected)&&(!(!this.display_disabled_options&&t.disabled)&&!t.empty)},t.prototype.search_results_touchstart=function(t){return this.touch_started=!0,this.search_results_mouseover(t)},t.prototype.search_results_touchmove=function(t){return this.touch_started=!1,this.search_results_mouseout(t)},t.prototype.search_results_touchend=function(t){if(this.touch_started)return this.search_results_mouseup(t)},t.prototype.outerHTML=function(t){var e;return t.outerHTML?t.outerHTML:((e=document.createElement("div")).appendChild(t),e.innerHTML)},t.prototype.get_single_html=function(){return'\n '+this.default_text+'\n
\n
\n
\n \n
    \n
    '},t.prototype.get_multi_html=function(){return'
      \n
    • \n \n
    • \n
    \n
    \n
      \n
      '},t.prototype.get_no_results_html=function(t){return'
    • \n '+this.results_none_found+" "+this.escape_html(t)+"\n
    • "},t.browser_is_supported=function(){return"Microsoft Internet Explorer"===window.navigator.appName?document.documentMode>=8:!(/iP(od|hone)/i.test(window.navigator.userAgent)||/IEMobile/i.test(window.navigator.userAgent)||/Windows Phone/i.test(window.navigator.userAgent)||/BlackBerry/i.test(window.navigator.userAgent)||/BB10/i.test(window.navigator.userAgent)||/Android.*Mobile/i.test(window.navigator.userAgent))},t.default_multiple_text="Select Some Options",t.default_single_text="Select an Option",t.default_no_result_text="No results match",t}(),(t=jQuery).fn.extend({chosen:function(i){return e.browser_is_supported()?this.each(function(e){var n,r;r=(n=t(this)).data("chosen"),"destroy"!==i?r instanceof s||n.data("chosen",new s(this,i)):r instanceof s&&r.destroy()}):this}}),s=function(s){function n(){return n.__super__.constructor.apply(this,arguments)}return r(n,e),n.prototype.setup=function(){return this.form_field_jq=t(this.form_field),this.current_selectedIndex=this.form_field.selectedIndex},n.prototype.set_up_html=function(){var e,s;return(e=["chosen-container"]).push("chosen-container-"+(this.is_multiple?"multi":"single")),this.inherit_select_classes&&this.form_field.className&&e.push(this.form_field.className),this.is_rtl&&e.push("chosen-rtl"),s={"class":e.join(" "),title:this.form_field.title},this.form_field.id.length&&(s.id=this.form_field.id.replace(/[^\w]/g,"_")+"_chosen"),this.container=t("
      ",s),this.container.width(this.container_width()),this.is_multiple?this.container.html(this.get_multi_html()):this.container.html(this.get_single_html()),this.form_field_jq.hide().after(this.container),this.dropdown=this.container.find("div.chosen-drop").first(),this.search_field=this.container.find("input").first(),this.search_results=this.container.find("ul.chosen-results").first(),this.search_field_scale(),this.search_no_results=this.container.find("li.no-results").first(),this.is_multiple?(this.search_choices=this.container.find("ul.chosen-choices").first(),this.search_container=this.container.find("li.search-field").first()):(this.search_container=this.container.find("div.chosen-search").first(),this.selected_item=this.container.find(".chosen-single").first()),this.results_build(),this.set_tab_index(),this.set_label_behavior()},n.prototype.on_ready=function(){return this.form_field_jq.trigger("chosen:ready",{chosen:this})},n.prototype.register_observers=function(){return this.container.on("touchstart.chosen",function(t){return function(e){t.container_mousedown(e)}}(this)),this.container.on("touchend.chosen",function(t){return function(e){t.container_mouseup(e)}}(this)),this.container.on("mousedown.chosen",function(t){return function(e){t.container_mousedown(e)}}(this)),this.container.on("mouseup.chosen",function(t){return function(e){t.container_mouseup(e)}}(this)),this.container.on("mouseenter.chosen",function(t){return function(e){t.mouse_enter(e)}}(this)),this.container.on("mouseleave.chosen",function(t){return function(e){t.mouse_leave(e)}}(this)),this.search_results.on("mouseup.chosen",function(t){return function(e){t.search_results_mouseup(e)}}(this)),this.search_results.on("mouseover.chosen",function(t){return function(e){t.search_results_mouseover(e)}}(this)),this.search_results.on("mouseout.chosen",function(t){return function(e){t.search_results_mouseout(e)}}(this)),this.search_results.on("mousewheel.chosen DOMMouseScroll.chosen",function(t){return function(e){t.search_results_mousewheel(e)}}(this)),this.search_results.on("touchstart.chosen",function(t){return function(e){t.search_results_touchstart(e)}}(this)),this.search_results.on("touchmove.chosen",function(t){return function(e){t.search_results_touchmove(e)}}(this)),this.search_results.on("touchend.chosen",function(t){return function(e){t.search_results_touchend(e)}}(this)),this.form_field_jq.on("chosen:updated.chosen",function(t){return function(e){t.results_update_field(e)}}(this)),this.form_field_jq.on("chosen:activate.chosen",function(t){return function(e){t.activate_field(e)}}(this)),this.form_field_jq.on("chosen:open.chosen",function(t){return function(e){t.container_mousedown(e)}}(this)),this.form_field_jq.on("chosen:close.chosen",function(t){return function(e){t.close_field(e)}}(this)),this.search_field.on("blur.chosen",function(t){return function(e){t.input_blur(e)}}(this)),this.search_field.on("keyup.chosen",function(t){return function(e){t.keyup_checker(e)}}(this)),this.search_field.on("keydown.chosen",function(t){return function(e){t.keydown_checker(e)}}(this)),this.search_field.on("focus.chosen",function(t){return function(e){t.input_focus(e)}}(this)),this.search_field.on("cut.chosen",function(t){return function(e){t.clipboard_event_checker(e)}}(this)),this.search_field.on("paste.chosen",function(t){return function(e){t.clipboard_event_checker(e)}}(this)),this.is_multiple?this.search_choices.on("click.chosen",function(t){return function(e){t.choices_click(e)}}(this)):this.container.on("click.chosen",function(t){t.preventDefault()})},n.prototype.destroy=function(){return t(this.container[0].ownerDocument).off("click.chosen",this.click_test_action),this.form_field_label.length>0&&this.form_field_label.off("click.chosen"),this.search_field[0].tabIndex&&(this.form_field_jq[0].tabIndex=this.search_field[0].tabIndex),this.container.remove(),this.form_field_jq.removeData("chosen"),this.form_field_jq.show()},n.prototype.search_field_disabled=function(){return this.is_disabled=this.form_field.disabled||this.form_field_jq.parents("fieldset").is(":disabled"),this.container.toggleClass("chosen-disabled",this.is_disabled),this.search_field[0].disabled=this.is_disabled,this.is_multiple||this.selected_item.off("focus.chosen",this.activate_field),this.is_disabled?this.close_field():this.is_multiple?void 0:this.selected_item.on("focus.chosen",this.activate_field)},n.prototype.container_mousedown=function(e){var s;if(!this.is_disabled)return!e||"mousedown"!==(s=e.type)&&"touchstart"!==s||this.results_showing||e.preventDefault(),null!=e&&t(e.target).hasClass("search-choice-close")?void 0:(this.active_field?this.is_multiple||!e||t(e.target)[0]!==this.selected_item[0]&&!t(e.target).parents("a.chosen-single").length||(e.preventDefault(),this.results_toggle()):(this.is_multiple&&this.search_field.val(""),t(this.container[0].ownerDocument).on("click.chosen",this.click_test_action),this.results_show()),this.activate_field())},n.prototype.container_mouseup=function(t){if("ABBR"===t.target.nodeName&&!this.is_disabled)return this.results_reset(t)},n.prototype.search_results_mousewheel=function(t){var e;if(t.originalEvent&&(e=t.originalEvent.deltaY||-t.originalEvent.wheelDelta||t.originalEvent.detail),null!=e)return t.preventDefault(),"DOMMouseScroll"===t.type&&(e*=40),this.search_results.scrollTop(e+this.search_results.scrollTop())},n.prototype.blur_test=function(t){if(!this.active_field&&this.container.hasClass("chosen-container-active"))return this.close_field()},n.prototype.close_field=function(){return t(this.container[0].ownerDocument).off("click.chosen",this.click_test_action),this.active_field=!1,this.results_hide(),this.container.removeClass("chosen-container-active"),this.clear_backstroke(),this.show_search_field_default(),this.search_field_scale(),this.search_field.blur()},n.prototype.activate_field=function(){if(!this.is_disabled)return this.container.addClass("chosen-container-active"),this.active_field=!0,this.search_field.val(this.search_field.val()),this.search_field.focus()},n.prototype.test_active_click=function(e){var s;return(s=t(e.target).closest(".chosen-container")).length&&this.container[0]===s[0]?this.active_field=!0:this.close_field()},n.prototype.results_build=function(){return this.parsing=!0,this.selected_option_count=null,this.results_data=i.select_to_array(this.form_field),this.is_multiple?this.search_choices.find("li.search-choice").remove():(this.single_set_selected_text(),this.disable_search||this.form_field.options.length<=this.disable_search_threshold?(this.search_field[0].readOnly=!0,this.container.addClass("chosen-container-single-nosearch")):(this.search_field[0].readOnly=!1,this.container.removeClass("chosen-container-single-nosearch"))),this.update_results_content(this.results_option_build({first:!0})),this.search_field_disabled(),this.show_search_field_default(),this.search_field_scale(),this.parsing=!1},n.prototype.result_do_highlight=function(t){var e,s,i,n,r;if(t.length){if(this.result_clear_highlight(),this.result_highlight=t,this.result_highlight.addClass("highlighted"),i=parseInt(this.search_results.css("maxHeight"),10),r=this.search_results.scrollTop(),n=i+r,s=this.result_highlight.position().top+this.search_results.scrollTop(),(e=s+this.result_highlight.outerHeight())>=n)return this.search_results.scrollTop(e-i>0?e-i:0);if(s0)return this.form_field_label.on("click.chosen",this.label_click_handler)},n.prototype.show_search_field_default=function(){return this.is_multiple&&this.choices_count()<1&&!this.active_field?(this.search_field.val(this.default_text),this.search_field.addClass("default")):(this.search_field.val(""),this.search_field.removeClass("default"))},n.prototype.search_results_mouseup=function(e){var s;if((s=t(e.target).hasClass("active-result")?t(e.target):t(e.target).parents(".active-result").first()).length)return this.result_highlight=s,this.result_select(e),this.search_field.focus()},n.prototype.search_results_mouseover=function(e){var s;if(s=t(e.target).hasClass("active-result")?t(e.target):t(e.target).parents(".active-result").first())return this.result_do_highlight(s)},n.prototype.search_results_mouseout=function(e){if(t(e.target).hasClass("active-result")||t(e.target).parents(".active-result").first())return this.result_clear_highlight()},n.prototype.choice_build=function(e){var s,i;return s=t("
    • ",{"class":"search-choice"}).html(""+this.choice_label(e)+""),e.disabled?s.addClass("search-choice-disabled"):((i=t("",{"class":"search-choice-close","data-option-array-index":e.array_index})).on("click.chosen",function(t){return function(e){return t.choice_destroy_link_click(e)}}(this)),s.append(i)),this.search_container.before(s)},n.prototype.choice_destroy_link_click=function(e){if(e.preventDefault(),e.stopPropagation(),!this.is_disabled)return this.choice_destroy(t(e.target))},n.prototype.choice_destroy=function(t){if(this.result_deselect(t[0].getAttribute("data-option-array-index")))return this.active_field?this.search_field.focus():this.show_search_field_default(),this.is_multiple&&this.choices_count()>0&&this.get_search_field_value().length<1&&this.results_hide(),t.parents("li").first().remove(),this.search_field_scale()},n.prototype.results_reset=function(){if(this.reset_single_select_options(),this.form_field.options[0].selected=!0,this.single_set_selected_text(),this.show_search_field_default(),this.results_reset_cleanup(),this.trigger_form_field_change(),this.active_field)return this.results_hide()},n.prototype.results_reset_cleanup=function(){return this.current_selectedIndex=this.form_field.selectedIndex,this.selected_item.find("abbr").remove()},n.prototype.result_select=function(t){var e,s;if(this.result_highlight)return e=this.result_highlight,this.result_clear_highlight(),this.is_multiple&&this.max_selected_options<=this.choices_count()?(this.form_field_jq.trigger("chosen:maxselected",{chosen:this}),!1):(this.is_multiple?e.removeClass("active-result"):this.reset_single_select_options(),e.addClass("result-selected"),s=this.results_data[e[0].getAttribute("data-option-array-index")],s.selected=!0,this.form_field.options[s.options_index].selected=!0,this.selected_option_count=null,this.is_multiple?this.choice_build(s):this.single_set_selected_text(this.choice_label(s)),this.is_multiple&&(!this.hide_results_on_select||t.metaKey||t.ctrlKey)?t.metaKey||t.ctrlKey?this.winnow_results({skip_highlight:!0}):(this.search_field.val(""),this.winnow_results()):(this.results_hide(),this.show_search_field_default()),(this.is_multiple||this.form_field.selectedIndex!==this.current_selectedIndex)&&this.trigger_form_field_change({selected:this.form_field.options[s.options_index].value}),this.current_selectedIndex=this.form_field.selectedIndex,t.preventDefault(),this.search_field_scale())},n.prototype.single_set_selected_text=function(t){return null==t&&(t=this.default_text),t===this.default_text?this.selected_item.addClass("chosen-default"):(this.single_deselect_control_build(),this.selected_item.removeClass("chosen-default")),this.selected_item.find("span").html(t)},n.prototype.result_deselect=function(t){var e;return e=this.results_data[t],!this.form_field.options[e.options_index].disabled&&(e.selected=!1,this.form_field.options[e.options_index].selected=!1,this.selected_option_count=null,this.result_clear_highlight(),this.results_showing&&this.winnow_results(),this.trigger_form_field_change({deselected:this.form_field.options[e.options_index].value}),this.search_field_scale(),!0)},n.prototype.single_deselect_control_build=function(){if(this.allow_single_deselect)return this.selected_item.find("abbr").length||this.selected_item.find("span").first().after(''),this.selected_item.addClass("chosen-single-with-deselect")},n.prototype.get_search_field_value=function(){return this.search_field.val()},n.prototype.get_search_text=function(){return t.trim(this.get_search_field_value())},n.prototype.escape_html=function(e){return t("
      ").text(e).html()},n.prototype.winnow_results_set_highlight=function(){var t,e;if(e=this.is_multiple?[]:this.search_results.find(".result-selected.active-result"),null!=(t=e.length?e.first():this.search_results.find(".active-result").first()))return this.result_do_highlight(t)},n.prototype.no_results=function(t){var e;return e=this.get_no_results_html(t),this.search_results.append(e),this.form_field_jq.trigger("chosen:no_results",{chosen:this})},n.prototype.no_results_clear=function(){return this.search_results.find(".no-results").remove()},n.prototype.keydown_arrow=function(){var t;return this.results_showing&&this.result_highlight?(t=this.result_highlight.nextAll("li.active-result").first())?this.result_do_highlight(t):void 0:this.results_show()},n.prototype.keyup_arrow=function(){var t;return this.results_showing||this.is_multiple?this.result_highlight?(t=this.result_highlight.prevAll("li.active-result")).length?this.result_do_highlight(t.first()):(this.choices_count()>0&&this.results_hide(),this.result_clear_highlight()):void 0:this.results_show()},n.prototype.keydown_backstroke=function(){var t;return this.pending_backstroke?(this.choice_destroy(this.pending_backstroke.find("a").first()),this.clear_backstroke()):(t=this.search_container.siblings("li.search-choice").last()).length&&!t.hasClass("search-choice-disabled")?(this.pending_backstroke=t,this.single_backstroke_delete?this.keydown_backstroke():this.pending_backstroke.addClass("search-choice-focus")):void 0},n.prototype.clear_backstroke=function(){return this.pending_backstroke&&this.pending_backstroke.removeClass("search-choice-focus"),this.pending_backstroke=null},n.prototype.search_field_scale=function(){var e,s,i,n,r,o,h;if(this.is_multiple){for(r={position:"absolute",left:"-1000px",top:"-1000px",display:"none",whiteSpace:"pre"},s=0,i=(o=["fontSize","fontStyle","fontWeight","fontFamily","lineHeight","textTransform","letterSpacing"]).length;s").css(r)).text(this.get_search_field_value()),t("body").append(e),h=e.width()+25,e.remove(),this.container.is(":visible")&&(h=Math.min(this.container.outerWidth()-10,h)),this.search_field.width(h)}},n.prototype.trigger_form_field_change=function(t){return this.form_field_jq.trigger("input",t),this.form_field_jq.trigger("change",t)},n}()}).call(this); \ No newline at end of file diff --git a/docs/_static/download/operation_conformance_table_files/template/filters.js b/docs/_static/download/operation_conformance_table_files/template/filters.js new file mode 100644 index 00000000000..7056b37ddfa --- /dev/null +++ b/docs/_static/download/operation_conformance_table_files/template/filters.js @@ -0,0 +1,239 @@ +deviceList = []; +$(document).ready(function () { + LoadOpsetNumbers(); + LoadDevices(); + $('#status').prop("disabled", true); + $("#status").chosen({max_selected_options: 6}); + + $("#filters").submit(function (event) { + event.preventDefault(); + filterTable(); + }); + $('#reset').click(function () { + $('#opsetNumber').val(0); + $('#operationName').val(''); + $('#status').prop("disabled", true).val(''); + $('#devices').val(0); + $('#implementation').val(0); + $("#status").chosen("destroy"); + $("#status").chosen({max_selected_options: 6}); + filterTable(); + }); + $('#devices').on('change', function () { + if (this.value == 0) { + $('#status').prop("disabled", true).val(''); + $("#status").chosen("destroy"); + $("#status").chosen({max_selected_options: 6}); + } else { + $('#status').prop("disabled", false); + $("#status").chosen("destroy"); + $("#status").chosen({max_selected_options: 6}); + }; + }); +}); + +function LoadOpsetNumbers() { + var data = []; + + $('#data th[scope="row"]').each(function () { + + num = $(this).text().split("-")[1]; + if (data.indexOf(num) < 0) { + data.push(num); + } + }); + data.sort(); + data = $.map(data, function (item) { + return ""; + }); + $("#opsetNumber").html(''); + $("#opsetNumber").append(data.join("")); +} + +function LoadDevices() { + var data = []; + + $('.table-dark.device').each(function () { + if (data.indexOf($(this).text()) < 0) { + data.push($(this).text()); + } + }); + data.sort(); + deviceList = data; + data = $.map(data, function (item) { + return ""; + }); + $("#devices").html(''); + $("#devices").append(data.join("")); +} + +function filterTable() { + device = $("#devices").val(); + if (device == 0) { + $("#report td.value, #report td.nr_value, #report td.table-secondary, #report td.table-primary, #report th.table-dark.device").show(); + } else { + $("#report td.value, #report td.nr_value, #report td.table-secondary, #report td.table-primary, #report th.table-dark.device").filter(function () { + $(this).toggle($(this).hasClass(device)) + }); + } + opsetNumber = $("#opsetNumber").val(); + operationName = $('#operationName').val().trim(); + status = $('#status').val(); + implementation = $('#implementation').val(); + + $("#report #data tr").show(); + $('#report').show(); + $('#message').hide(); + if (opsetNumber != 0) { + $("#report #data tr").filter(function () { + $(this).toggle(checkVersion($(this), opsetNumber)); + }); + } + + if (operationName) { + $("#report #data tr:not(:hidden)").filter(function () { + $(this).toggle($(this).find('th').text().toLowerCase().indexOf(operationName.toLowerCase()) > -1); + }); + } + + if (implementation != 0) { + if (implementation == 'ni') { + $("#report #data tr:not(:hidden)").filter(function () { + $(this).toggle($(this).find('td').hasClass("value " + device + " not_impl")) + }); + } else if (implementation == 'i') { + $("#report #data tr:not(:hidden)").filter(function () { + $(this).toggle($(this).find('td').hasClass("value " + device + " impl")); + }); + } else { + $("#report #data tr:not(:hidden)").filter(function () { + $(this).toggle(!$(this).find('td').hasClass("value")); + }); + } + } + if (status) { + select = status.split(','); + selector = []; + select.forEach(item => { + if (item == '100p') { + selector.push('.value:visible[crashed="0"][failed="0"][skipped="0"][hanged="0"][value!="---"]'); + } + if (item == '100f') { + selector.push('.value:visible[passed="0"][value!="---"]'); + } + if (item == 'p') { + selector.push('.value:visible[passed!="0"][value!="---"]'); + } + if (item == 'f') { + selector.push('.value:visible[failed!="0"][value!="---"]'); + } + if (item == 'c') { + selector.push('.value:visible[crashed!="0"][value!="---"]'); + } + if (item == 'h') { + selector.push('.value:visible[hanged!="0"][value!="---"]'); + } + if (item == 's') { + selector.push('.value:visible[value!="---"][skipped!="0"]'); + } + if (item == 'ex') { + selector.push('.value:visible[value!="---"]'); + } + if (item == 'na') { + selector.push('.table-secondary:visible'); + } + if (item == 'ns') { + selector.push('.value:visible[value="---"]'); + } + }); + elements = selector.join(','); + $("#report #data tr:not(:hidden)").filter(function () { + $(this).toggle($(this).find(elements).length > 0) + }); + } + + if ($("#report #data tr").length == $("#report #data tr:hidden").length) { + $('#report').hide(); + $('#message').show(); + } else { + calculateStatistics(device); + } +} + +function checkVersion(element, opsetNumber) { + var name = element.find('th').text().split("-")[0]; + var version = Number(element.find('th').text().split("-")[1]); + var realOpsetNumber = Number(opsetNumber); + if (version > realOpsetNumber) { + return false; + } else { + var versions = []; + $('#report #data tr th[name^="' + name + '-"]').each(function () { + if (Number($(this).text().split('-')[1]) <= realOpsetNumber) { + versions.push(Number(+$(this).text().split('-')[1])); + } + }); + return version == Math.max.apply(null, versions); + } +} + +function calculateStatistics() { + if (device != 0) { + calculateColumnStatistics(device); + } else { + deviceList.map((el) => calculateColumnStatistics(el)) + } +} + +function calculateColumnStatistics(device) { + // total + total = $("#report #data tr:not(:hidden)").length; + $('#statistic .table-primary[scope="row"] i').text(total); + // trusted op + count_trusted_op = $("#report #data tr:not(:hidden) ." + device + ".value[value^='100'][crashed='0'][failed='0'][skipped='0']").length; + all_operations = $("#report #data tr:not(:hidden) .value[value!='N/A'][value!='---'][value!='NOT RUN']." + device).length; + if (!all_operations) { + trusted_op = "---"; + } else { + trusted_op = (count_trusted_op * 100 / all_operations).toFixed(1) + ' %'; + } + $('#statistic .table-primary.' + device + '.trusted-ops').text(trusted_op); + $('#statistic .table-primary.' + device + '.test_total').text(all_operations || 0); + + // tested op_counter + tested_op_count = 0; + passed_tested_op_count = 0; + $("#report #data tr:not(:hidden) ." + device + ".value span").each(function () { + text = $(this).text().split(':')[1]; + if (text) { + if ($(this).hasClass('green')) { + passed_tested_op_count += +text; + } + tested_op_count += +text; + } + }); + + // General Pass Rate + if (tested_op_count == 0) { + $('#statistic .table-primary.' + device + '.general_pass_rate').text('---'); + + } else { + general_pass_rate = (passed_tested_op_count * 100 / tested_op_count).toFixed(1) + ' %'; + $('#statistic .table-primary.' + device + '.general_pass_rate').text(general_pass_rate); + } + $('#statistic .table-primary.' + device + '.tested-ops_count').text(tested_op_count); + + // AVG Pass Rate + sum_pass_rate = 0; + $("#report #data tr:not(:hidden) ." + device + ".value").each(function () { + if ($(this).attr('value') != 'N/A' && $(this).attr('value') != 'NOT RUN' && $(this).attr('value') != '---') { + sum_pass_rate += +$(this).attr('value'); + } + }); + if (all_operations == 0) { + $('#statistic .table-primary.' + device + '.avg_pass_rate').text('---'); + } else { + avg_pass_rate = (sum_pass_rate / all_operations).toFixed(1) + ' %'; + $('#statistic .table-primary.' + device + '.avg_pass_rate').text(avg_pass_rate); + } +} diff --git a/docs/_static/download/operation_conformance_table_files/template/highlight_tables_template.html b/docs/_static/download/operation_conformance_table_files/template/highlight_tables_template.html new file mode 100644 index 00000000000..5344992284f --- /dev/null +++ b/docs/_static/download/operation_conformance_table_files/template/highlight_tables_template.html @@ -0,0 +1,123 @@ + + + + + + + + + {% block title %}highlight_table{% endblock %} + + + {% block content%} +

      Highlights

      +
        + {% for test_mode in expected_test_mode %} +
      • + {% if expected_test_mode|length > 1 %} +

        {{ test_mode }}

        + {% endif %} + + + + + {% for device in devices %} + + {% endfor %} + + + + + + {% for device in devices %} + + {% endfor %} + + + + {% for device in devices %} + + {% endfor %} + + + +
        Plugins{{ device }}
        Total ops pass: + {% if device in ops_info[test_mode] %} + + {{ ops_info[test_mode][device]['totalPass'] }} + {% if ops_info[test_mode][device]['diffTotalPass'] > 0 %} + (+{{ ops_info[test_mode][device]['diffTotalPass'] }}) + {% elif ops_info[test_mode][device]['diffTotalPass'] < 0 %} + ({{ ops_info[test_mode][device]['diffTotalPass'] }}) + {% endif %} + /{{ ops_info[test_mode][device]['totalAmount'] }} + {% if ops_info[test_mode][device]['diffTotalAmount'] > 0 %} + (+{{ ops_info[test_mode][device]['diffTotalAmount'] }}) + {% elif ops_info[test_mode][device]['diffTotalAmount'] < 0 %} + ({{ ops_info[test_mode][device]['diffTotalAmount'] }}) + {% endif %} + {% else %} + NOT RUN + {% endif %} +
        Passrate: + {% if device in general_pass_rate[test_mode] %} + {{ general_pass_rate[test_mode][device]['current'] }} + {% if general_pass_rate[test_mode][device]['prev'] > 0 %} + (+{{ general_pass_rate[test_mode][device]['prev'] }}) + {% elif general_pass_rate[test_mode][device]['prev'] < 0 %} + ({{ general_pass_rate[test_mode][device]['prev'] }}) + {% endif %} + % + {% else %} + NOT RUN + {% endif %} +
        +
      • + {% endfor %} + {% if api_info.keys()|length > 0 %} +
      • +

        API

        + + + + + + {% for device in devices %} + + {% endfor %} + + + + {% for test_type in api_info %} + + + {% for sw_plugin in sw_plugins %} + + + {% for device in devices %} + {% if device in api_info[test_type][sw_plugin] %} + + {% else %} + + {% endif %} + {% endfor %} + + {% endfor %} + {% endfor %} + +
        PluginsSW Plugins{{ device }}
        {{ test_type }}
        {{sw_plugin}} + {{ api_info[test_type][sw_plugin][device]['passrate'] }} + {% if api_info[test_type][sw_plugin][device]['diff'] > 0 %} + (+{{ api_info[test_type][sw_plugin][device]['diff'] }}) + {% elif api_info[test_type][sw_plugin][device]['diff'] < 0 %} + ({{ api_info[test_type][sw_plugin][device]['diff'] }}) + {% endif %} + % + NOT RUN
        +
      • + {% endif %} +
      + {% endblock %} + + \ No newline at end of file diff --git a/docs/_static/download/operation_conformance_table_files/template/report_template.html b/docs/_static/download/operation_conformance_table_files/template/report_template.html new file mode 100644 index 00000000000..edf9c3b0a1b --- /dev/null +++ b/docs/_static/download/operation_conformance_table_files/template/report_template.html @@ -0,0 +1,188 @@ + + + + + + + + + + + + + + + Report + + + +
      +

      Operations coverage summary: Tag: {{report_tag}} | Version: {{report_version}} | Time: {{ timestamp }}

      +
      +
      + Collected statistic info +
      +
      + N/ANo Tests +
      +
      + Status: + P:85Passed + F:0Failed + S:2Skipped + C:0Crashed + H:0Hanged +
      +
      + Plugin operation implementation status: +
      Implemented
      +
      Not implemented
      +
      +
      +
      + +
      +
      +
      + + +
      +
      + + +
      +
      + + +
      +
      + + +
      +
      + + +
      + + +
      +
      + + + + + + + {% for d in devices -%} + + {% endfor %} + + + + + + {% for d in devices -%} + + {% endfor %} + + + + {% for d in devices -%} + + {% endfor %} + + + + {% for d in devices -%} + + {% endfor %} + + + + {% for d in devices -%} + + {% endfor %} + + + + {% for d in devices -%} + + {% endfor %} + + + + {% for op in ordered_ops -%} + + + + {% for d in devices -%} + {% if op in results[d] -%} + {% if results[d][op] == "NOT RUN" -%} + + {% else -%} + + {% endif -%} + {% else -%} + + {% endif -%} + + {% endfor %} + + {% endfor -%} + + +
      Operation{{ d }}
      Total: {{ordered_ops|length}} {% if d in covered_ops -%} {{covered_ops[d]}} {% else -%} 0 {% endif -%}
      Trusted op (passrate=100%):{{trusted_ops[d]}} {% if trusted_ops[d] != "NOT RUN" -%}%{% endif -%}
      Tested op counter:{{general_test_count[d]}}
      AVG passrate per op (=sum_pass_rates/covered_ops_num):{{pass_rate_avg[d]}} {% if pass_rate_avg[d] != "NOT RUN" -%}%{% endif -%}
      General passrate (=passed_tests/all_tests):{{general_pass_rate[d]}} {% if general_pass_rate[d] != "NOT RUN" -%}%{% endif -%}
      {{ op }} NOT RUN + + {% if (results[d][op].passed != '0' or results[d][op].failed != '0' or results[d][op].crashed != '0' or results[d][op].skipped != '0' or results[d][op].hanged != '0') -%} + {{ results[d][op].passrate }} %
      + {% else -%} + ---
      + {% endif -%} +
      +
      + {% if (results[d][op].passed != '0' or results[d][op].failed != '0' or results[d][op].crashed != '0' or results[d][op].skipped != '0' or results[d][op].hanged != '0') -%} + P:{{ results[d][op].passed }} + F:{{ results[d][op].failed }} + S:{{ results[d][op].skipped }} + C:{{ results[d][op].crashed }} + H:{{ results[d][op].hanged }} + {% else -%} + {% endif -%} +
      +
      + +
      N/A
      + + + + diff --git a/docs/_static/download/operation_conformance_table_files/template/style.css b/docs/_static/download/operation_conformance_table_files/template/style.css new file mode 100644 index 00000000000..678c76bf401 --- /dev/null +++ b/docs/_static/download/operation_conformance_table_files/template/style.css @@ -0,0 +1,619 @@ +body { + font-size: 14px; +} +.table td, .table th { + padding: .5em .75em; +} +.table td span { + font-size: 0.8em; +} +.value { + font-weight: 500; +} +.value span { + display:inline-block; + font-weight: 400; + padding: 1px 5px; + border-radius: 2px; + cursor: default; +} + +.nr_value value { + font-weight: inherit; + background: #8080803d; +} +.nr_value span { + display:inherit; + font-weight: inherit; + padding: inherit; + border-radius: inherit; + cursor: inherit; +} + + .green { + background: #0080002e; +} +.red { + background: #ff000038; +} +.grey { + background: #8080803d; +} +.dark { + background: #8b000040; +} +.grey-red { + background: #5e121275; +} +.filters { + background: #FFF; + padding: 5px 10px; + position: sticky; + top: 0; + z-index: 30; +} +.filters form { + display: flex; + background: #efefef; + padding: 10px; + border-radius: 5px; +} +form div{ + margin-right: 10px; +} +form button { + align-self: center; + margin-top: 26px; + margin-left: 20px; +} +.main { + margin: 10px; +} +.legend { + display: flex; +} +.legend div { + display:flex; + align-items: center; + margin-right: 20px; +} +.legend span{ + display: inline-block; + padding: 3px 5px; + min-height: 25px; + min-width: 25px; +} +.form-group { + margin-bottom: 0; +} +#message { + font-weight: 500; + font-size: 20px; + margin: 20px; + text-align: center; + color: #cf1d1d; +} +.table-dark:hover { + background: #212529!important; +} +h2 { + margin-bottom: 2rem; +} + + +/* @group Base */ +.chosen-container { + position: relative; + display: block; + user-select: none; + } + + .chosen-container * { + box-sizing: border-box; + } + + .chosen-container .chosen-drop { + position: absolute; + top: 100%; + z-index: 1010; + width: 100%; + border: 1px solid #aaa; + border-top: 0; + background: #fff; + -webkit-box-shadow: 0 4px 5px rgba(0, 0, 0, 0.15); + box-shadow: 0 4px 5px rgba(0, 0, 0, 0.15); + clip: rect(0, 0, 0, 0); + -webkit-clip-path: inset(100% 100%); + clip-path: inset(100% 100%); + } + + .chosen-container.chosen-with-drop .chosen-drop { + clip: auto; + -webkit-clip-path: none; + clip-path: none; + } + + .chosen-container a { + cursor: pointer; + } + + .chosen-container .search-choice .group-name, .chosen-container .chosen-single .group-name { + margin-right: 4px; + overflow: hidden; + white-space: nowrap; + text-overflow: ellipsis; + font-weight: normal; + color: #999999; + } + + .chosen-container .search-choice .group-name:after, .chosen-container .chosen-single .group-name:after { + content: ":"; + padding-left: 2px; + vertical-align: top; + } + + /* @end */ + /* @group Single Chosen */ + .chosen-container-single .chosen-single { + position: relative; + display: block; + overflow: hidden; + padding: 0 0 0 8px; + height: 25px; + border: 1px solid #aaa; + border-radius: 5px; + background-color: #fff; + background: -webkit-gradient(linear, left top, left bottom, color-stop(20%, #fff), color-stop(50%, #f6f6f6), color-stop(52%, #eee), to(#f4f4f4)); + background: linear-gradient(#fff 20%, #f6f6f6 50%, #eee 52%, #f4f4f4 100%); + background-clip: padding-box; + -webkit-box-shadow: 0 0 3px #fff inset, 0 1px 1px rgba(0, 0, 0, 0.1); + box-shadow: 0 0 3px #fff inset, 0 1px 1px rgba(0, 0, 0, 0.1); + color: #444; + text-decoration: none; + white-space: nowrap; + line-height: 24px; + } + + .chosen-container-single .chosen-default { + color: #999; + } + + .chosen-container-single .chosen-single span { + display: block; + overflow: hidden; + margin-right: 26px; + text-overflow: ellipsis; + white-space: nowrap; + } + + .chosen-container-single .chosen-single-with-deselect span { + margin-right: 38px; + } + + .chosen-container-single .chosen-single abbr:hover { + background-position: -42px -10px; + } + + .chosen-container-single.chosen-disabled .chosen-single abbr:hover { + background-position: -42px -10px; + } + + .chosen-container-single .chosen-single div { + position: absolute; + top: 0; + right: 0; + display: block; + width: 18px; + height: 100%; + } + + .chosen-container-single .chosen-search { + position: relative; + z-index: 1010; + margin: 0; + padding: 3px 4px; + white-space: nowrap; + } + + .chosen-container-single .chosen-drop { + margin-top: -1px; + border-radius: 0 0 4px 4px; + background-clip: padding-box; + } + + .chosen-container-single.chosen-container-single-nosearch .chosen-search { + position: absolute; + clip: rect(0, 0, 0, 0); + -webkit-clip-path: inset(100% 100%); + clip-path: inset(100% 100%); + } + + /* @end */ + /* @group Results */ + .chosen-container .chosen-results { + color: #444; + position: relative; + overflow-x: hidden; + overflow-y: auto; + margin: 0 4px 4px 0; + padding: 0 0 0 4px; + max-height: 240px; + -webkit-overflow-scrolling: touch; + } + + .chosen-container .chosen-results li { + display: none; + margin: 0; + padding: .75rem; + list-style: none; + line-height: 15px; + word-wrap: break-word; + -webkit-touch-callout: none; + font-size: 1rem; + } + + .chosen-container .chosen-results li.active-result { + display: list-item; + cursor: pointer; + } + + .chosen-container .chosen-results li.disabled-result { + display: list-item; + color: #ccc; + cursor: default; + } + + .chosen-container .chosen-results li.highlighted { + background-color: #007bff; + color: #fff; + } + + .chosen-container .chosen-results li.no-results { + color: #777; + display: list-item; + background: #f4f4f4; + } + + .chosen-container .chosen-results li.group-result { + display: list-item; + font-weight: bold; + cursor: default; + } + + .chosen-container .chosen-results li.group-option { + padding-left: 15px; + } + + .chosen-container .chosen-results li em { + font-style: normal; + text-decoration: underline; + } + + /* @end */ + /* @group Multi Chosen */ + .chosen-container-multi .chosen-choices { + position: relative; + overflow: hidden; + margin: 0; + width: 100%; + height: calc(2.25rem + 2px); + box-sizing: border-box; + cursor: text; + + padding: .375rem .75rem; + font-size: 0.75rem; + line-height: 1.5; + color: #495057; + background-color: #fff; + background-clip: padding-box; + border: 1px solid #ced4da; + border-radius: .25rem; + transition: border-color .15s ease-in-out,box-shadow .15s ease-in-out; + } + + + .chosen-container-multi .chosen-choices li { + float: left; + list-style: none; + } + + .chosen-container-multi .chosen-choices li.search-field { + margin: 0; + padding: 0; + white-space: nowrap; + } + + .chosen-container-multi .chosen-choices li.search-field input[type="text"] { + margin: 1px 0; + padding: 0; + height: auto; + outline: 0; + border: 0 !important; + background: transparent !important; + -webkit-box-shadow: none; + box-shadow: none; + color: #999; + font-size: 1rem; + font-family: sans-serif; + line-height: normal; + border-radius: 0; + width: 25px; + } + + .chosen-container-multi .chosen-choices li.search-choice { + position: relative; + margin: 0px 5px 0px 0; + padding: 3px 20px 3px 5px; + border: 1px solid #aaa; + max-width: 100%; + border-radius: 3px; + background-color: #eeeeee; + background-image: -webkit-gradient(linear, left top, left bottom, color-stop(20%, #f4f4f4), color-stop(50%, #f0f0f0), color-stop(52%, #e8e8e8), to(#eee)); + background-image: linear-gradient(#f4f4f4 20%, #f0f0f0 50%, #e8e8e8 52%, #eee 100%); + background-size: 100% 19px; + background-repeat: repeat-x; + background-clip: padding-box; + -webkit-box-shadow: 0 0 2px #fff inset, 0 1px 0 rgba(0, 0, 0, 0.05); + box-shadow: 0 0 2px #fff inset, 0 1px 0 rgba(0, 0, 0, 0.05); + color: #333; + line-height: 1rem; + cursor: default; + } + + .chosen-container-multi .chosen-choices li.search-choice span { + word-wrap: break-word; + } + + .chosen-container-multi .chosen-choices li.search-choice .search-choice-close { + position: absolute; + top: calc( 50% - 6px); + right: 3px; + display: block; + width: 12px; + height: 12px; + } + .chosen-container-multi .chosen-choices li.search-choice .search-choice-close:before { + content: ""; + width: 0; + height: 12px; + border-left: 2px solid #555; + position: absolute; + top: 0; + left: 50%; + transform: rotate(45deg); + } + .chosen-container-multi .chosen-choices li.search-choice .search-choice-close:after { + content:""; + width: 0; + height: 12px; + border-left: 2px solid #555; + position: absolute; + top: 0; + left: 50%; + transform: rotate(-45deg); +} + + .chosen-container-multi .chosen-choices li.search-choice .search-choice-close:hover { + background-position: -42px -10px; + } + + .chosen-container-multi .chosen-choices li.search-choice-disabled { + padding-right: 5px; + border: 1px solid #ccc; + background-color: #e4e4e4; + background-image: -webkit-gradient(linear, left top, left bottom, color-stop(20%, #f4f4f4), color-stop(50%, #f0f0f0), color-stop(52%, #e8e8e8), to(#eee)); + background-image: linear-gradient(#f4f4f4 20%, #f0f0f0 50%, #e8e8e8 52%, #eee 100%); + color: #666; + } + + .chosen-container-multi .chosen-choices li.search-choice-focus { + background: #d4d4d4; + } + + .chosen-container-multi .chosen-choices li.search-choice-focus .search-choice-close { + background-position: -42px -10px; + } + + .chosen-container-multi .chosen-results { + margin: 0; + padding: 0; + } + + .chosen-container-multi .chosen-drop .result-selected { + display: list-item; + color: #ccc; + cursor: default; + } + + /* @end */ + /* @group Active */ + .chosen-container-active .chosen-single { + border: 1px solid #5897fb; + -webkit-box-shadow: 0 0 5px rgba(0, 0, 0, 0.3); + box-shadow: 0 0 5px rgba(0, 0, 0, 0.3); + } + + .chosen-container-active.chosen-with-drop .chosen-single { + border: 1px solid #aaa; + border-bottom-right-radius: 0; + border-bottom-left-radius: 0; + background-image: -webkit-gradient(linear, left top, left bottom, color-stop(20%, #eee), color-stop(80%, #fff)); + background-image: linear-gradient(#eee 20%, #fff 80%); + -webkit-box-shadow: 0 1px 0 #fff inset; + box-shadow: 0 1px 0 #fff inset; + } + + .chosen-container-active.chosen-with-drop .chosen-single div { + border-left: none; + background: transparent; + } + + .chosen-container-active.chosen-with-drop .chosen-single div b { + background-position: -18px 2px; + } + + .chosen-container-active .chosen-choices { + border: 1px solid #80bdff; + box-shadow:0 0 0 0.2rem rgb(0 123 255 / 25%) + } + + .chosen-container-active .chosen-choices li.search-field input[type="text"] { + color: #222 !important; + } + + /* @end */ + /* @group Disabled Support */ + .chosen-disabled { + opacity: 0.5 !important; + cursor: default; + } + + .chosen-disabled .chosen-single { + cursor: default; + } + + .chosen-disabled .chosen-choices .search-choice .search-choice-close { + cursor: default; + } + + /* @end */ + /* @group Right to Left */ + .chosen-rtl { + text-align: right; + } + + .chosen-rtl .chosen-single { + overflow: visible; + padding: 0 8px 0 0; + } + + .chosen-rtl .chosen-single span { + margin-right: 0; + margin-left: 26px; + direction: rtl; + } + + .chosen-rtl .chosen-single-with-deselect span { + margin-left: 38px; + } + + .chosen-rtl .chosen-single div { + right: auto; + left: 3px; + } + + .chosen-rtl .chosen-single abbr { + right: auto; + left: 26px; + } + + .chosen-rtl .chosen-choices li { + float: right; + } + + .chosen-rtl .chosen-choices li.search-field input[type="text"] { + direction: rtl; + } + + .chosen-rtl .chosen-choices li.search-choice { + margin: 3px 5px 3px 0; + padding: 3px 5px 3px 19px; + } + + .chosen-rtl .chosen-choices li.search-choice .search-choice-close { + right: auto; + left: 4px; + } + + .chosen-rtl.chosen-container-single .chosen-results { + margin: 0 0 4px 4px; + padding: 0 4px 0 0; + } + + .chosen-rtl .chosen-results li.group-option { + padding-right: 15px; + padding-left: 0; + } + + .chosen-rtl.chosen-container-active.chosen-with-drop .chosen-single div { + border-right: none; + } + + .chosen-rtl.chosen-container-single .chosen-single div b { + background-position: 6px 2px; + } + + .chosen-rtl.chosen-container-single.chosen-with-drop .chosen-single div b { + background-position: -12px 2px; + } + + + .check { + width: 16px; + height: 16px; + background: #be2d2d; + text-indent: -1000; + border-radius: 8px; + position: relative; + } + + .check::before { + display: block; + border-bottom: 2px solid #FFF; + position: absolute; + z:index: 10; + width: 8px; + top:7px; + left: 4px; + content: ""; + } + + .checkmark { + display: block; + width: 16px; + height: 16px; + position: relative; + } + + .checkmark::before { + position: absolute; + display: block; + width: 2px; + height: 16px; + background-color: green; + left: 10px; + content: ''; + top: 0px; + z-index: 20; + transform: rotate(45deg); + } + + .checkmark::after { + position: absolute; + width: 2px; + content: ''; + height: 7px; + background-color: green; + left:3px; + display: block; + top: 7px; + z-index: 20; + transform: rotate(-45deg); + } + + .flex { + display: flex; + justify-content: space-between; + } + + .not_impl:hover { + background: #ffdee1; + } + + .impl:hover { + background: #e0fde6; + } + + .not_run:hover { + background: #8b000040; + } \ No newline at end of file diff --git a/docs/resources/Supported_Devices.md b/docs/resources/Supported_Devices.md new file mode 100644 index 00000000000..8c088fe5c8d --- /dev/null +++ b/docs/resources/Supported_Devices.md @@ -0,0 +1,72 @@ +# Supported Devices {#openvino_docs_OV_UG_supported_plugins_Supported_Devices} + + +@sphinxdirective + + +The OpenVINO runtime can infer various models of different input and output formats. Here, you can find configurations +supported by OpenVINO devices, which are CPU, GPU, and GNA (Gaussian Neural Accelerator coprocessor). +Currently, processors of the 11th generation and later (up to the 13th generation at the moment) provide a further performance boost, especially with INT8 models. + +.. note:: + + With OpenVINO™ 2023.0 release, support has been cancelled for all VPU accelerators based on Intel® Movidius™. + + ++---------------------------------------------------------------------+------------------------------------------------------------------------------------------------------+ +| OpenVINO Device | Supported Hardware | ++=====================================================================+======================================================================================================+ +|| :doc:`CPU ` | Intel® Xeon® with Intel® Advanced Vector Extensions 2 (Intel® AVX2), Intel® Advanced Vector | +|| (x86) | Extensions 512 (Intel® AVX-512), Intel® Advanced Matrix Extensions (Intel® AMX), | +|| | Intel® Core™ Processors with Intel® AVX2, | +|| | Intel® Atom® Processors with Intel® Streaming SIMD Extensions (Intel® SSE) | +|| | | +|| (Arm®) | Raspberry Pi™ 4 Model B, Apple® Mac mini with M1 chip, NVIDIA® Jetson Nano™, Android™ devices | +|| | | ++---------------------------------------------------------------------+------------------------------------------------------------------------------------------------------+ +|| :doc:`GPU ` | Intel® Processor Graphics including Intel® HD Graphics and Intel® Iris® Graphics, | +|| | Intel® Arc™ A-Series Graphics, Intel® Data Center GPU Flex Series, Intel® Data Center GPU Max Series | ++---------------------------------------------------------------------+------------------------------------------------------------------------------------------------------+ +|| :doc:`GNA plugin ` | Intel® Speech Enabling Developer Kit, Amazon Alexa* Premium Far-Field Developer Kit, Intel® | +|| (available in the Intel® Distribution of OpenVINO™ toolkit) | Pentium® Silver J5005 Processor, Intel® Pentium® Silver N5000 Processor, Intel® | +|| | Celeron® J4005 Processor, Intel® Celeron® J4105 Processor, Intel® Celeron® | +|| | Processor N4100, Intel® Celeron® Processor N4000, Intel® Core™ i3-8121U Processor, | +|| | Intel® Core™ i7-1065G7 Processor, Intel® Core™ i7-1060G7 Processor, Intel® | +|| | Core™ i5-1035G4 Processor, Intel® Core™ i5-1035G7 Processor, Intel® Core™ | +|| | i5-1035G1 Processor, Intel® Core™ i5-1030G7 Processor, Intel® Core™ i5-1030G4 Processor, | +|| | Intel® Core™ i3-1005G1 Processor, Intel® Core™ i3-1000G1 Processor, | +|| | Intel® Core™ i3-1000G4 Processor | ++---------------------------------------------------------------------+------------------------------------------------------------------------------------------------------+ + + +Beside inference using a specific device, OpenVINO offers three inference modes for automated inference management. These are: + +* :doc:`Automatic Device Selection ` - automatically selects the best device + available for the given task. It offers many additional options and optimizations, including inference on + multiple devices at the same time. +* :doc:`Multi-device Inference ` - executes inference on multiple devices. + Currently, this mode is considered a legacy solution. Using Automatic Device Selection is advised. +* :doc:`Heterogeneous Inference ` - enables splitting inference among several devices + automatically, for example, if one device doesn’t support certain operations. + + +Devices similar to the ones we have used for benchmarking can be accessed using `Intel® DevCloud for the Edge `__, +a remote development environment with access to Intel® hardware and the latest versions of the Intel® Distribution +of OpenVINO™ Toolkit. `Learn more `__ or `Register here `__. + + +To learn more about each of the supported devices and modes, refer to the sections of: +* :doc:`Inference Device Support ` +* :doc:`Inference Modes ` + + + +For setting relevant configuration, refer to the +:doc:`Integrate with Customer Application ` +topic (step 3 "Configure input and output"). + + + +@endsphinxdirective + + diff --git a/docs/resources/resources.md b/docs/resources/resources.md index 936309c5a4d..8a1ea77a81e 100644 --- a/docs/resources/resources.md +++ b/docs/resources/resources.md @@ -16,7 +16,8 @@ openvino_docs_OV_UG_supported_plugins_Supported_Devices openvino_supported_models - openvino_docs_MO_DG_prepare_model_Supported_Frameworks_Layers + openvino_resources_supported_operations + openvino_resources_supported_operations_frontend .. toctree:: :maxdepth: 1 @@ -35,9 +36,11 @@ and its proprietary model format, OpenVINO IR. :doc:`Supported Devices ` is compatibility information about supported hardware accelerators. -:doc:`Supported Models ` is a table of models officially supported by OpenVINO. +:doc:`Supported Models ` is a table of models officially supported by OpenVINO. -:doc:`Supported Framework Layers ` are lists of framework layers supported by OpenVINO. +:doc:`Supported Operations ` is a listing of framework layers supported by OpenVINO. + +:doc:`Supported Operations ` is a listing of layers supported by OpenVINO inference devices. :doc:`Glossary ` contains terms used in OpenVINO. diff --git a/docs/resources/supported_operations_framework_frontend.md b/docs/resources/supported_operations_framework_frontend.md new file mode 100644 index 00000000000..72f7cdff200 --- /dev/null +++ b/docs/resources/supported_operations_framework_frontend.md @@ -0,0 +1,1140 @@ +# Supported Operations - by Framework Frontend {#openvino_resources_supported_operations_frontend} + +@sphinxdirective + +This page lists operations supported by OpenVINO Framework Frontend. + + + + + +.. tab-set:: + + .. tab-item:: PyTorch + + ========================================== ========================================================================================== + PyTorch Supported Operations Limitations + ========================================== ========================================================================================== + aten::__and__ Only for boolean inputs + aten::__getitem__ Supported in limitted set of patterns + aten::__not__ + aten::__or__ + aten::_convolution + aten::_convolution_mode + aten::_set_item + aten::abs + aten::acos + aten::acos_ + aten::acosh + aten::acosh_ + aten::adaptive_avg_pool2d + aten::adaptive_avg_pool3d + aten::adaptive_max_pool2d + aten::add + aten::add_ + aten::addcmul + aten::addmm + aten::append Supported in limitted set of patterns + aten::arange + aten::argsort + aten::as_tensor + aten::asin + aten::asin_ + aten::asinh + aten::asinh_ + aten::atan + aten::atan_ + aten::atanh + aten::atanh_ + aten::avg_pool1d + aten::avg_pool2d + aten::avg_pool3d + aten::baddbmm + aten::batch_norm + aten::bitwise_not + aten::bmm + aten::Bool + aten::cat + aten::ceil + aten::ceil_ + aten::chunk Supported in limitted set of patterns + aten::clamp + aten::clamp_max + aten::clamp_min + aten::clone + aten::contiguous + aten::conv_transpose1d + aten::conv_transpose2d + aten::conv_transpose3d + aten::conv1d + aten::conv2d + aten::conv3d + aten::convolution + aten::copy + aten::cos + aten::cos_ + aten::cosh + aten::cosh_ + aten::cumsum + aten::detach + aten::dim + aten::div + aten::div_ + aten::dropout + aten::dropout_ + aten::einsum Supported in limitted set of patterns + aten::elu + aten::embedding + aten::empty + aten::eq + aten::exp + aten::expand Supported in limitted set of patterns + aten::expand_as + aten::eye + aten::fill_ + aten::flatten + aten::floor + aten::floor_ + aten::floor_divide + aten::floordiv + aten::full + aten::full_like + aten::gather + aten::ge + aten::gelu + aten::glu + aten::grid_sampler + aten::group_norm + aten::gt + aten::hardsigmoid + aten::hardswish + aten::hardswish_ + aten::hardtanh + aten::hardtanh_ + aten::im2col + aten::index Supported in limitted set of patterns + aten::index_put_ Supported in limitted set of patterns + aten::index_select + aten::instance_norm + aten::Int + aten::IntImplicit + aten::is_grad_enabled + aten::layer_norm + aten::le + aten::leaky_relu + aten::leaky_relu_ + aten::len + aten::linalg_matrix_norm + aten::linalg_norm + aten::linalg_vector_norm + aten::linear + aten::log + aten::log_ + aten::log2 + aten::log2_ + aten::lt + aten::masked_fill + aten::masked_fill_ + aten::matmul + aten::max + aten::max_pool1d + aten::max_pool2d + aten::max_pool3d + aten::mean + aten::meshgrid Supported in limitted set of patterns + aten::min + aten::mm + aten::mul + aten::mul_ + aten::narrow + aten::ne + aten::neg + aten::new_empty + aten::new_full + aten::new_ones + aten::new_zeros + aten::nonzero + aten::nonzero_numpy Supported in limitted set of patterns + aten::norm + aten::numel + aten::ones + aten::ones_like + aten::pad Supported in limitted set of patterns + aten::permute + aten::pow + aten::reciprocal + aten::relu + aten::relu_ + aten::relu6 + aten::remainder + aten::repeat + aten::repeat_interleave + aten::reshape + aten::reshape_as + aten::roll + aten::rsqrt + aten::rsub + aten::ScalarImplicit + aten::scaled_dot_product_attention + aten::select + aten::selu + aten::selu_ + aten::sigmoid + aten::sigmoid_ + aten::sign + aten::silu + aten::silu_ + aten::sin + aten::sin_ + aten::sinh + aten::sinh_ + aten::size + aten::slice + aten::softmax + aten::sort + aten::split Supported in limitted set of patterns + aten::split_with_sizes Supported in limitted set of patterns + aten::sqrt + aten::square + aten::squeeze + aten::stack Supported in limitted set of patterns + aten::sub + aten::sum + aten::tan + aten::tan_ + aten::tanh + aten::tanh_ + aten::tensor + aten::to + aten::topk + aten::transpose + aten::tril + aten::triu + aten::type_as + aten::unbind Supported in limitted set of patterns + aten::unfold + aten::unsqueeze + aten::unsqueeze_ + aten::upsample_bicubic2d + aten::upsample_bilinear2d + aten::upsample_linear1d + aten::upsample_nearest1d + aten::upsample_nearest2d + aten::upsample_nearest3d + aten::upsample_trilinear3d + aten::var + aten::var_mean + aten::view + aten::where Supported in limitted set of patterns + aten::zeros + aten::zeros_like + prim::Constant String and None constant is only supported when used by supported operation + prim::device + prim::DictConstruct Supported in limitted set of patterns + prim::dtype Supported in limitted set of patterns + prim::GetAttr + prim::If + prim::is_cuda + prim::ListConstruct Supported in limitted set of patterns + prim::ListUnpack Supported in limitted set of patterns + prim::Loop + prim::max Supported in limitted set of patterns + prim::min Supported in limitted set of patterns + prim::NumToTensor + prim::PythonOp Supported only in tracing + prim::requires_grad + prim::TupleConstruct Supported in limitted set of patterns + prim::type + torchvision::deform_conv2d + torchvision::nms + torchvision::roi_align + ========================================== ========================================================================================== + + .. tab-item:: TensorFlow + + ========================================== ========================================================================================== + TensorFlow Supported Operations Limitations + ========================================== ========================================================================================== + Abs + Acosh + Add + AddV2 + AddN + All + Any + ArgMax + ArgMin + Asinh + Assert Not needed for inference. + Assign Not needed for inference. + AssignSub Not needed for inference. + Atanh + AvgPool + AvgPoolV2 Supported only for constant-foldable ``kernel_size`` and strides inputs. + AvgPool3D + BatchMatMul + BatchMatMulV2 + BatchToSpaceND + BiasAdd + BlockLSTM + Bucketize CPU only. + BroadcastTo + Cast + Ceil + ClipByValue + Concat + ConcatV2 + Const + Conv2D + Conv2DBackpropInput + Conv3D + Conv3DBackpropInputV2 + Cos + Cosh + CropAndResize ``method`` = ``bilinear`` only. + CTCGreedyDecoder Supported only with decoded indices output in a dense format. + CTCLoss Supported only with decoded indices input in a dense format. + CumSum + DepthToSpace + DepthwiseConv2dNative + Einsum Supported only with equation that does not contain repeated labels within a subscript. + Elu + EmptyTensorList Supported only when it is part of a sub-graph of the special form. + Enter Supported only when it is fused to the TensorIterator layer. + Equal + Erf + Exit Supported only when it is fused to the TensorIterator layer. + Exp + ExpandDims + ExperimentalSparseWeightedSum CPU only. + ExtractImagePatches + EuclideanNorm + FakeQuantWithMinMaxVars + FakeQuantWithMinMaxVarsPerChannel + FFT Supported only when it is part of a sub-graph of the special form. + FFT2D Supported only when it is part of a sub-graph of the special form. + FFT3D Supported only when it is part of a sub-graph of the special form. + FIFOQueueV2 Supported only when it is part of a sub-graph of the special form. + Fill + Floor + FloorDiv + FloorMod + FusedBatchNorm + FusedBatchNormV2 + FusedBatchNormV3 + Gather + GatherNd + GatherTree + GatherV2 + Greater + GreaterEqual + Identity Not needed for shape inference. + IdentityN + IFFT Supported only when it is part of a sub-graph of the special form. + IFFT2D Supported only when it is part of a sub-graph of the special form. + IFFT3D Supported only when it is part of a sub-graph of the special form. + IteratorGetNext Supported only when it is part of a sub-graph of the special form. + LRN + LeakyRelu + Less + LessEqual + Log + Log1p + LogicalAnd + LogicalOr + LogicalNot + LogSoftmax + LookupTableInsertV2 Supported only when it is part of a sub-graph of the special form. + LoopCond Supported only when it is fused to the TensorIterator layer. + MatMul + Max + MaxPool + MaxPoolV2 Supported only for constant-foldable ``kernel_size`` and strides inputs. + MaxPool3D + Maximum + Mean + Merge Supported only when it is fused to the TensorIterator layer. + Min + Minimum + MirrorPad + Mod + Mul + Neg + NextIteration Supported only when it is fused to the TensorIterator layer. + NonMaxSuppressionV2 + NonMaxSuppressionV3 + NonMaxSuppressionV4 + NonMaxSuppressionV5 + NotEqual + NoOp + OneHot + Pack + Pad + PadV2 + Placeholder + PlaceholderWithDefault + Prod + QueueDequeue Supported only when it is part of a sub-graph of the special form. + QueueDequeueUpToV2 Supported only when it is part of a sub-graph of the special form. + QueueDequeueV2 Supported only when it is part of a sub-graph of the special form. + RandomUniform + RandomUniformInt + Range + Rank + RealDiv + Reciprocal + Relu + Relu6 + Reshape + ResizeBilinear + ResizeNearestNeighbor + ResourceGather + ReverseSequence + ReverseV2 Supported only when it can be converted to the ReverseSequence operation. + Roll + Round + Pow + Rsqrt + ScatterNd + Select + SelectV2 + Shape + Sigmoid + Sin + Sinh + Size + Slice + Softmax + Softplus + Softsign + SpaceToBatchND + SpaceToDepth + SparseFillEmptyRows Supported only when it is part of a sub-graph of the special form. + SparseReshape Supported only when it is part of a sub-graph of the special form. + SparseSegmentSum Supported only when it is part of a sub-graph of the special form. + SparseSegmentMean Supported only when it is part of a sub-graph of the special form. + SparseToDense CPU only + Split + SplitV + Sqrt + Square + SquaredDifference + Square + Squeeze Cases in which squeeze axis is not specified are not supported. + StatelessWhile + StopGradient Not needed for shape inference. + StridedSlice Supported only for constant-foldable ``begin``, ``end``, and ``strides`` inputs. + Sub + Sum + Swish + swish_f32 + Switch Control flow propagation. + Tan + Tanh + TensorArrayGatherV3 Supported only when it is fused to the TensorIterator layer. + TensorArrayReadV3 Supported only when it is fused to the TensorIterator layer. + TensorArrayScatterV3 Supported only when it is fused to the TensorIterator layer. + TensorArraySizeV3 Supported only when it is fused to the TensorIterator layer. + TensorArrayV3 Supported only when it is fused to the TensorIterator layer. + TensorArrayWriteV3 Supported only when it is fused to the TensorIterator layer. + TensorListPushBack Supported only when it is part of a sub-graph of the special form. + Tile + TopkV2 + Transpose + Unpack + Variable + VariableV2 + Where Supported only when it is part of a sub-graph of the special form. + ZerosLike + ========================================== ========================================================================================== + + .. tab-item:: TensorFlow2 Keras + + ========================================== ========================================================================================== + TensorFlow 2 Keras Supported Operations Limitations + ========================================== ========================================================================================== + ActivityRegularization + Add + AdditiveAttention + AlphaDropout + Attention + Average + AveragePooling1D + AveragePooling2D + AveragePooling3D + BatchNormalization + Bidirectional + Concatenate + Conv1D + Conv1DTranspose Not supported if ``dilation`` is not equal to 1. + Conv2D + Conv2DTranspose + Conv3D + Conv3DTranspose + Cropping1D + Cropping2D + Cropping3D + Dense + DenseFeatures Not supported for categorical and crossed features. + DepthwiseConv2D + Dot + Dropout + ELU + Embedding + Flatten + GRU + GRUCell + GaussianDropout + GaussianNoise + GlobalAveragePooling1D + GlobalAveragePooling2D + GlobalAveragePooling3D + GlobalMaxPool1D + GlobalMaxPool2D + GlobalMaxPool3D + LSTM + LSTMCell + Lambda + LayerNormalization + LeakyReLU + LocallyConnected1D + LocallyConnected2D + MaxPool1D + MaxPool2D + MaxPool3D + Maximum + Minimum + Multiply + PReLU + Permute + RNN Not supported for some custom cells. + ReLU + RepeatVector + Reshape + Roll + SeparableConv1D + SeparableConv2D + SimpleRNN + SimpleRNNCell + Softmax + SpatialDropout1D + SpatialDropout2D + SpatialDropout3D + StackedRNNCells + Subtract + ThresholdedReLU + TimeDistributed + UpSampling1D + UpSampling2D + UpSampling3D + ZeroPadding1D + ZeroPadding2D + ZeroPadding3D + ========================================== ========================================================================================== + + .. tab-item:: TensorFlow Lite + + ========================================== =============================================================================== + TensorFlow Lite Supported Operations Limitations + ========================================== =============================================================================== + ABS + ADD + ADD_N + ARG_MAX + ARG_MIN + AVERAGE_POOL_2D + BATCH_MATMUL + BATCH_TO_SPACE_ND + BROADCAST_ARGS + BROADCAST_TO + CAST + CEIL + COMPLEX_ABS Supported in a specific pattern with RFFT2D + CONCATENATION + CONV_2D + COS + DEPTH_TO_SPACE + DEPTHWISE_CONV_2D + DEQUANTIZE + DIV + ELU + EQUAL + EXP + EXPAND_DIMS + FILL + FLOOR + FLOOR_DIV + FLOOR_MOD + FULLY_CONNECTED + GATHER + GATHER_ND + GREATER + GREATER_EQUAL + HARD_SWISH + L2_NORMALIZATION + LEAKY_RELU + LESS + LESS_EQUAL + LOG + LOG_SOFTMAX + LOGICAL_AND + LOGICAL_NOT + LOGICAL_OR + LOGISTIC + MATRIX_DIAG + MAX_POOL_2D + MAXIMUM + MEAN + MINIMUM + MIRROR_PAD + MUL + NEG + NOT_EQUAL + ONE_HOT + PACK + PAD + PADV2 + POW + PRELU + QUANTIZE + RANGE + RANK + REDUCE_ALL + REDUCE_ANY + REDUCE_MAX + REDUCE_MIN + REDUCE_PROD + RELU + RELU6 + RESHAPE + RESIZE_BILINEAR + RESIZE_NEAREST_NEIGHBOR + REVERSE_V2 + RFFT2D Supported in a specific pattern with COMPLEX_ABS + ROUND + RSQRT + SCATTER_ND + SEGMENT_SUM + SELECT + SELECT_V2 + SHAPE + SIGN + SIN + SLICE + SOFTMAX + SPACE_TO_BATCH_ND + SPACE_TO_DEPTH + SPLIT + SPLIT_V + SQRT + SQUARE + SQUARED_DIFFERENCE + SQUEEZE + STRIDED_SLICE + SUB + SUM + TANH + TILE + TOPK_V2 + TRANSPOSE + TRANSPOSE_CONV + UNIQUE + UNPACK + WHERE + ZEROS_LIKE + ========================================== =============================================================================== + + .. tab-item:: ONNX + + ========================================== ========================================================================================== + ONNX Supported Operations (standard) Limitations + ========================================== ========================================================================================== + Abs + Acos + Acosh + And + ArgMin + ArgMax + Asin + Asinh + Atan + ATen + Atanh + AveragePool + BatchNormalization + BitShift + Cast + CastLike + Ceil + Clip + Concat + Constant + ConstantOfShape + Conv + ConvInteger + ConvTranspose + Compress + Cos + Cosh + ConstantFill + CumSum + DepthToSpace + DequantizeLinear + Div + Dropout + Einsum + Elu + Equal + Erf + Exp + Expand + EyeLike + Flatten + Floor + Gather + GatherElements + GatherND + Gemm + GlobalAveragePool + GlobalLpPool + GlobalMaxPool + Greater + GRU + Hardmax + HardSigmoid + HardSwish + Identity + If + ImageScaler + InstanceNormalization + LeakyRelu + Less + Log + LogSoftmax + Loop + LpNormalization + LRN + LSTM + MatMulInteger + MatMul + MaxPool + Max + Mean + MeanVarianceNormalization + Min + Mod + Mul + Neg + NonMaxSuppression + NonZero + Not + Or + OneHot + Pad + Pow + PRelu + QLinearConv + QLinearMatMul + QuantizeLinear + Range + RandomNormal + RandomNormalLike + RandomUniform + RandomUniformLike + Reciprocal + ReduceLogSum + ReduceLogSumExp + ReduceL1 + ReduceL2 + ReduceMax + ReduceMean + ReduceMin + ReduceProd + ReduceSum + ReduceSumSquare + Relu + Reshape + Resize + ReverseSequence + RNN + RoiAlign + Round + ScatterElements + ScatterND + Selu + Shape + Shrink + Sigmoid + Sign + Sin + Sinh + Size + Slice + Softmax + Softplus + Softsign + SpaceToDepth + Split + Sqrt + Squeeze + Sub + Sum + Tan + Tanh + ThresholdedRelu + Tile + TopK + Transpose + Unsqueeze + Where + Xor + ========================================== ========================================================================================== + + ========================================== ========================================================================================== + ONNX Supported Operations (deprecated) Limitations + ========================================== ========================================================================================== + Affine + Crop + Scatter + Upsample + ========================================== ========================================================================================== + + ====================================================================== ============================================================== + ONNX Supported Operations (custom - the org.openvinotoolkit Domain) Limitations + ====================================================================== ============================================================== + DeformableConv2D + DetectionOutput + ExperimentalDetectronDetectionOutput + ExperimentalDetectronGenerateProposalsSingleImage + ExperimentalDetectronGroupNorm + ExperimentalDetectronPriorGridGenerator + ExperimentalDetectronROIFeatureExtractor + ExperimentalDetectronTopKROIs + FakeQuantize + GroupNorm + Normalize + PriorBox + PriorBoxClustered + Swish + ====================================================================== ============================================================== + + ====================================================================== ============================================================== + ONNX Supported Operations (custom - com.microsoft Domain) Limitations + ====================================================================== ============================================================== + Attention + BiasGelu + EmbedLayerNormalization + SkipLayerNormalization + ====================================================================== ============================================================== + + .. tab-item:: PaddlePaddle + + ====================================================================== ============================================================== + PaddlePaddle Supported Operations (v. >= 2.1) Limitations + ====================================================================== ============================================================== + arg_max The ``int32`` output data_type is not supported. + adaptive_pool2d The ``NHWC`` data_layout is not supported. + assign + assign_value + batch_norm + bicubic_interp + bilinear_interp ``NCW``, ``NWC``, ``NHWC``, ``NCDHW``, ``NDHWC`` data_layout are not supported + bmm + box_coder + cast + ceil + clip + concat + conditional_block + conv2d ``NHWC`` data_layout is not supported + conv2d_transpose + cumsum + deformable_conv + depthwise_conv2d ``NHWC`` data_layout is not supported. + depthwise_conv2d_transpose + dropout + elementwise_add + elementwise_div + elementwise_floordiv + elementwise_max + elementwise_min + elementwise_mod + elementwise_mul + elementwise_pow + elementwise_sub + equal + exp + expand + fill_any_like + fill_constant + fill_constant_batch_size_like + flatten_contiguous_range + floor + gather + gather_nd + gelu + generate_proposals + greater_equal + greater_than + group_norm + hard_sigmoid + hard_swish + layer_norm + leaky_relu + less_than + linear_interp + log + logical_and + logical_not + logical_or + logical_xor + lookup_table + matmul + matrix_nms Only supports IE CPU plugin with "number of selected boxes" static shape (e.g.: ``min(min(num_boxes, nms_top_k) * num_classes_output, keep_top_k)``). + max_pool2d_with_index + meshgrid + multiclass_nms Only supports IE CPU plugin with "number of selected boxes" static shape (e.g.: ``min(min(num_boxes, nms_top_k) * num_classes_output, keep_top_k)``). + nearest_interp ``NCW``, ``NWC``, ``NHWC``, ``NCDHW``, ``NDHWC`` data_layout are not supported. + not_equal + p_norm + pad3d ``Circular`` mode is not supported. + pool2d ``NHWC`` data_layout is not supported. + pow + prior_box + range + reduce_max + reduce_mean + reduce_min + reduce_prod + reduce_sum + relu + reshape + reverse + rnn ``SimpleRNN`` and ``GRU`` modes are not supported. + roi_align + scale + select_input + shape + sigmoid + slice + softmax + softplus + split + sqrt + squeeze + stack + strided_slice + sum + swish + sync_batch_norm + tanh + tile + top_k + transpose + trilinear_interp + unsqueeze + where + where_index + while + yolo_box + ====================================================================== ============================================================== + + .. tab-item:: Caffe + + ========================================== ========================================================================================== + Caffe Supported Operations Limitations + ========================================== ========================================================================================== + Axpy + BN + BatchNorm + Bias + Binarization (Intel experimental) + Concat + Convolution + ConvolutionBinary + Crop + Deconvolution + DetectionOutput + Dropout Not needed for inference. + Eltwise + Flatten + GlobalInput + InnerProduct + Input + LRN + Normalize + Python Supported only for the Python Proposal operation. + Permute + Pooling + Power + PReLU + PriorBox + PriorBoxClustered + Proposal + PSROIPooling + ROIPooling + RegionYolo + ReorgYolo + ReLU + Resample + Reshape + Scale + ShuffleChannel + Sigmoid + Slice + Softmax + Tile + ========================================== ========================================================================================== + + .. tab-item:: Kaldi + + ========================================== ========================================================================================== + Kaldi Supported Operations Limitations + ========================================== ========================================================================================== + addshift + affinecomponent + affinecomponentpreconditionedonline + affinetransform + backproptruncationcomponent + batchnormcomponent + clipgradientcomponent Not needed for inference. + concat + convolutional1dcomponent + convolutionalcomponent + copy + dropoutmaskcomponent + elementwiseproductcomponent + fixedaffinecomponent + fixedbiascomponent + fixedscalecomponent + generaldropoutcomponent Not needed for inference. + linearcomponent + logsoftmaxcomponent + lstmnonlinearitycomponent + lstmprojected + lstmprojectedstreams + maxpoolingcomponent + naturalgradientaffinecomponent + naturalgradientperelementscalecomponent + noopcomponent Not needed for inference. + normalizecomponent + parallelcomponent + pnormcomponent + rectifiedlinearcomponent + rescale + sigmoid + sigmoidcomponent + softmax + softmaxComponent + specaugmenttimemaskcomponent Not needed for inference. + splicecomponent + tanhcomponent + tdnncomponent + timeheightconvolutioncomponent + ========================================== ========================================================================================== + + .. tab-item:: Apache MXNet + + ========================================== ========================================================================================== + Apache MXNet Supported Operations Limitations + ========================================== ========================================================================================== + _Plus + _contrib_arange_like + _contrib_box_nms + _contrib_DeformableConvolution + _contrib_DeformablePSROIPooling + _contrib_div_sqrt_dim + _contrib_MultiBoxDetection ``force_suppress`` = 1 is not supported, non-default variances are not supported. + _contrib_MultiBoxPrior + _contrib_Proposal + _copy Not needed for inference + _div_scalar + _greater_scalar + _minus_scalar + _mul_scalar + _plus_scalar + _random_uniform Operation provides sequence from uniform distribution, but exact values won't match. + _rnn_param_concat + _arange + _contrib_AdaptiveAvgPooling2D Converted to the Average Pooling with fixed paddings. + _maximum + _minimum + _np_roll + _zeros + add_n + arccosh + arcsinh + arctanh + batch_dot + broadcast_add + broadcast_div + broadcast_mul + broadcast_sub + BlockGrad + cumsum + div_scalar + elementwise_sub + elemwise_add + elemwise_mul + elemwise_sub + exp + expand_dims + greater_scalar + max + minus_scalar + null Not needed for inference. + LayerNorm ``output_mean_var`` = True is not supported. + repeat + rnn + rnn_param_concat + round + sigmoid + slice + SliceChannel + slice_axis + slice_channel + slice_like + softmax + stack + swapaxis + tile + transpose + zeros + Activation Supported ``act_type`` = ``relu``, ``sigmoid``, ``softrelu`` or ``tanh`` + BatchNorm + Concat + Convolution + Crop ``center_crop`` = 1 is not supported. + Custom See :doc:`Custom Layers in Model Optimizer ` + Deconvolution + DeformableConvolution + DeformablePSROIPooling + Dropout Not needed for inference. + ElementWiseSum + Embedding + Flatten + FullyConnected + InstanceNorm + L2Normalization Only 4D input is supported. + LRN + LeakyReLU Supported ``act_type`` = ``prelu``, ``elu``, ``leaky``, ``gelu`` + ones_like + Pad + Pooling + ROIPooling + ReLU + Reshape + ScaleShift + SoftmaxActivation + SoftmaxOutput + SoftSign + Take The attribute ``mode`` is not supported. + Tile + UpSampling + Where + zeros_like + ========================================== ========================================================================================== + + + +@endsphinxdirective \ No newline at end of file diff --git a/docs/resources/supported_operations_inference_devices.md b/docs/resources/supported_operations_inference_devices.md new file mode 100644 index 00000000000..43ea0e95f44 --- /dev/null +++ b/docs/resources/supported_operations_inference_devices.md @@ -0,0 +1,171 @@ +# Supported Operations - by Inference Devices {#openvino_resources_supported_operations} + +@sphinxdirective + +This page lists operations supported by OpenVINO inference devices. The table presents general information, +for a more detailed and most recent listing of operations that are implemented and tested: + +.. button-link:: _static/download/operation_conformance_table_files/opset_report_omz_static.html + :color: primary + :outline: + + See the full conformance report table + + +================================= =============== ============== ================ ================== + Operations CPU (x86) GPU GNA CPU (Arm®) +================================= =============== ============== ================ ================== + Abs Supported** Supported Not Supported Supported + Acos Supported** Supported Not Supported Supported**** + Acosh Supported** Supported Not Supported Supported**** + Activation-Clamp Supported*** Supported Supported Supported + Activation-ELU Supported*** Supported Not Supported Supported + Activation-Exp Supported*** Supported Supported Supported + Activation-Leaky ReLU Supported*** Supported Supported Not Supported + Activation-Not Supported*** Supported Not Supported Not Supported + Activation-PReLU Supported*** Supported Not Supported Supported + Activation-ReLU Supported*** Supported Supported Supported + Activation-ReLU6 Supported*** Supported Not Supported Not Supported + Activation-Sigmoid/Logistic Supported*** Supported Supported Supported + Activation-TanH Supported*** Supported Supported Supported + ArgMax Supported** Supported Not Supported Not Supported + Asin Supported** Supported Not Supported Supported**** + Asinh Supported** Supported Not Supported Supported**** + Atan Supported** Supported Not Supported Supported**** + Atanh Supported** Supported Not Supported Supported**** + BatchNormalization Supported Supported Not Supported Supported + BinaryConvolution Supported Supported Not Supported Not Supported + Broadcast Supported** Supported Not Supported Supported + Ceil Supported** Supported Not Supported Supported + Concat Supported*** Supported Supported Supported + Const Supported Supported Supported Supported + Convolution-Dilated Supported Supported Not Supported Supported + Convolution-Dilated 3D Supported Supported Not Supported Not Supported + Convolution-Grouped Supported Supported Not Supported Supported + Convolution-Grouped 3D Supported Supported Not Supported Not Supported + Convolution-Ordinary Supported Supported Supported* Supported + Convolution-Ordinary 3D Supported Supported Not Supported Not Supported + Cos Supported** Supported Not Supported Supported**** + Cosh Supported** Supported Not Supported Supported**** + Crop Supported Supported Supported Not Supported + CTCGreedyDecoder Supported** Supported** Not Supported Supported**** + Deconvolution Supported Supported Not Supported Not Supported + Deconvolution 3D Supported Supported Not Supported Not Supported + DeformableConvolution Supported Supported Not Supported Not Supported + DepthToSpace Supported** Supported Not Supported Supported* + DetectionOutput Supported** Supported Not Supported Supported**** + Eltwise-And Supported*** Supported Not Supported Supported + Eltwise-Add Supported*** Supported Not Supported Supported + Eltwise-Div Supported*** Supported Not Supported Supported + Eltwise-Equal Supported*** Supported Not Supported Supported* + Eltwise-FloorMod Supported*** Supported Not Supported Supported**** + Eltwise-Greater Supported*** Supported Not Supported Supported + Eltwise-GreaterEqual Supported*** Supported Not Supported Supported + Eltwise-Less Supported*** Supported Not Supported Supported* + Eltwise-LessEqual Supported*** Supported Not Supported Supported* + Eltwise-LogicalAnd Supported*** Supported Not Supported Supported + Eltwise-LogicalOr Supported*** Supported Not Supported Supported + Eltwise-LogicalXor Supported*** Supported Not Supported Supported + Eltwise-Max Supported*** Supported Not Supported Supported + Eltwise-Min Supported*** Supported Not Supported Supported + Eltwise-Mul Supported*** Supported Supported Supported + Eltwise-NotEqual Supported*** Supported Not Supported Supported* + Eltwise-Pow Supported*** Supported Not Supported Supported + Eltwise-Prod Supported*** Supported Supported Not Supported + Eltwise-SquaredDiff Supported*** Supported Not Supported Supported + Eltwise-Sub Supported*** Supported Supported Supported + Eltwise-Sum Supported*** Supported Supported Supported**** + Erf Supported** Supported Not Supported Supported**** + Exp Supported Supported Supported Supported + FakeQuantize Supported Not Supported Not Supported Supported* + Fill Supported** Not Supported Not Supported Not Supported + Flatten Supported Supported Not Supported Not Supported + Floor Supported** Supported Not Supported Supported + FullyConnected (Inner Product) Supported*** Supported Supported Supported + Gather Supported** Supported Not Supported Supported* + GatherTree Supported** Not Supported Not Supported Supported**** + Gemm Supported Supported Not Supported Not Supported + GRN Supported** Supported** Not Supported Supported + HardSigmoid Supported** Supported Not Supported Supported**** + Interp Supported** Supported** Not Supported Supported* + Log Supported** Supported Supported Supported + LRN (Norm) Supported Supported Not Supported Supported* + LSTMCell Supported Supported Supported Supported + GRUCell Supported Supported Supported Supported + RNNCell Supported Supported Not Supported Supported + LSTMSequence Supported Supported Supported Supported**** + GRUSequence Supported Supported Supported Supported**** + RNNSequence Supported Supported Not Supported Supported**** + LogSoftmax Supported** Supported Not Supported Supported + Memory Supported Not Supported Supported Not Supported + MVN Supported** Supported Not Supported Supported* + Neg Supported** Supported Not Supported Supported + NonMaxSuppression Supported** Not Supported Not Supported Supported**** + Normalize Supported** Supported Not Supported Supported* + OneHot Supported** Supported Not Supported Supported**** + Pad Supported** Supported Not Supported Supported* + Permute Supported Supported Supported* Not Supported + Pooling(AVG,MAX) Supported Supported Supported Supported + Pooling(AVG,MAX) 3D Supported Supported Not Supported Supported* + Power Supported** Supported Supported* Supported + PowerFile Supported** Not Supported Not Supported Not Supported + PriorBox Supported** Supported Not Supported Supported + PriorBoxClustered Supported** Supported** Not Supported Supported + Proposal Supported** Supported Not Supported Supported**** + PSROIPooling Supported** Supported Not Supported Supported**** + Range Supported** Not Supported Not Supported Not Supported + Reciprocal Supported** Supported Not Supported Not Supported + ReduceAnd Supported** Supported Not Supported Supported**** + ReduceL1 Supported** Supported Not Supported Supported + ReduceL2 Supported** Supported Not Supported Supported + ReduceLogSum Supported** Supported Not Supported Supported + ReduceLogSumExp Supported** Supported Not Supported Not Supported + ReduceMax Supported** Supported Not Supported Supported + ReduceMean Supported** Supported Not Supported Supported + ReduceMin Supported** Supported Not Supported Supported + ReduceOr Supported** Supported Not Supported Supported**** + ReduceProd Supported** Supported Not Supported Supported + ReduceSum Supported** Supported Not Supported Supported + ReduceSumSquare Supported** Supported Not Supported Not Supported + RegionYolo Supported** Supported Not Supported Supported**** + ReorgYolo Supported** Supported Not Supported Supported + Resample Supported** Supported Not Supported Not Supported + Reshape Supported*** Supported Supported Supported + ReverseSequence Supported** Supported Not Supported Supported**** + RNN Supported Not Supported Not Supported Supported + ROIPooling Supported Supported* Not Supported Supported**** + ScaleShift Supported*** Supported Supported Not Supported + ScatterUpdate Supported** Not Supported Not Supported Not Supported + Select Supported Supported Not Supported Supported + Selu Supported** Supported Not Supported Supported**** + ShuffleChannels Supported** Supported Not Supported Supported + Sign Supported** Supported Not Supported Supported + Sin Supported** Supported Not Supported Supported + Sinh Supported** Supported Not Supported Supported**** + SimplerNMS Supported** Supported Not Supported Not Supported + Slice Supported*** Supported Supported Not Supported + SoftMax Supported*** Supported Not Supported Supported + Softplus Supported** Supported Not Supported Supported + Softsign Supported** Supported Supported Not Supported + SpaceToDepth Supported** Not Supported Not Supported Supported* + SpatialTransformer Supported** Not Supported Not Supported Not Supported + Split Supported*** Supported Supported Supported + Squeeze Supported** Supported Supported Supported + StridedSlice Supported** Supported Not Supported Supported* + Tan Supported** Supported Not Supported Supported**** + TensorIterator Supported Not Supported Supported Supported + Tile Supported*** Supported** Not Supported Supported + TopK Supported** Supported Not Supported Supported**** + Unpooling Not Supported Supported Not Supported Not Supported + Unsqueeze Supported** Supported Supported Supported + Upsampling Not Supported Supported Not Supported Not Supported +================================= =============== ============== ================ ================== + +| `*` - support is limited to the specific parameters. Refer to "Known Layer Limitations" section for the device :doc:`from the list of supported `. +| `**` - support is implemented via :doc:`Extensibility mechanism `. +| `***` - supports NCDHW layout. +| `****` - support is implemented via runtime reference. + + + +@endsphinxdirective