[CI] [GHA] Introduce macOS ARM64 as a matrix parameter in the macOS pipeline (#20363)

* add m1 mac pipelines as a matrix parameter

* Update mac.yml

disable java_api because of macos arm64 - Java is not available on macOS arm64 runners

* Update mac.yml

added always condition for all tests

* Update mac.yml

* Update mac.yml

* Update mac.yml

* Update setup.py

temp commit

* Update tools/openvino_dev/setup.py

* use matrix for var

* add mxnet to extras only for x86_64

* skip failing tests

* use xfail for Python tests; add missing filter for transformations tests

* skip CPU func tests on x86_64 mac; skip some tests from CPU func tests on arm mac

* Update mac.yml

* skip tests on mac arm

* skip tests on darwin; apply review

* add more skips for python and c++ tests

* skip tf tests

* skip more tf tests; skip more Python UT stages

* rm alwayses, rm triggers, add nightly trigger

---------

Co-authored-by: Ilya Lavrenov <ilya.lavrenov@intel.com>
This commit is contained in:
Andrey Kashchikhin 2023-10-23 12:06:22 +01:00 committed by GitHub
parent 4fe6d5ec54
commit b67cff7cd5
No known key found for this signature in database
GPG Key ID: 4AEE18F83AFDEB23
62 changed files with 425 additions and 43 deletions

View File

@ -1,6 +1,9 @@
name: macOS (macOS 12, Python 3.11)
name: macOS (Python 3.11)
on:
workflow_dispatch:
schedule:
# at 00:00 on workdays
- cron: '0 0 * * 1,2,3,4,5'
# pull_request:
# paths-ignore:
# - '**/docs/**'
@ -9,17 +12,17 @@ on:
# - '**.md'
# - '**/layer_tests_summary/**'
# - '**/conformance/**'
push:
paths-ignore:
- '**/docs/**'
- 'docs/**'
- '**/**.md'
- '**.md'
- '**/layer_tests_summary/**'
- '**/conformance/**'
branches:
- master
- 'releases/**'
# push:
# paths-ignore:
# - '**/docs/**'
# - 'docs/**'
# - '**/**.md'
# - '**.md'
# - '**/layer_tests_summary/**'
# - '**/conformance/**'
# branches:
# - master
# - 'releases/**'
concurrency:
# github.ref is not unique in post-commit
@ -34,11 +37,22 @@ jobs:
defaults:
run:
shell: bash
runs-on: macos-12-large
strategy:
max-parallel: 2
fail-fast: false
matrix:
include:
- arhitecture: 'x86_64'
machine: 'macos-13-large'
macos_deployment_target: '10.12'
- arhitecture: 'arm64'
machine: 'macos-13-xlarge'
macos_deployment_target: '11.0'
runs-on: ${{ matrix.machine }}
env:
CMAKE_BUILD_TYPE: 'Release'
CMAKE_GENERATOR: 'Ninja Multi-Config'
MACOSX_DEPLOYMENT_TARGET: '10.12'
MACOSX_DEPLOYMENT_TARGET: ${{ matrix.macos_deployment_target }}
CMAKE_CXX_COMPILER_LAUNCHER: ccache
CMAKE_C_COMPILER_LAUNCHER: ccache
OPENVINO_REPO: ${{ github.workspace }}/openvino
@ -100,9 +114,9 @@ jobs:
# github.ref_name is 'ref/PR_#' in case of the PR, and 'branch_name' when executed on push
save: ${{ github.ref_name == 'master' && 'true' || 'false' }}
verbose: 2
key: ${{ runner.os }}-main
key: ${{ runner.os }}-${{ matrix.arhitecture }}-main
restore-keys: |
${{ runner.os }}-main
${{ runner.os }}-${{ matrix.arhitecture }}-main
- name: CMake configure
run: |
@ -144,6 +158,7 @@ jobs:
run: |
cmake \
-DBUILD_nvidia_plugin=OFF \
-DBUILD_java_api=OFF \
-DCUSTOM_OPERATIONS="calculate_grid;complex_mul;fft;grid_sample;sparse_conv;sparse_conv_transpose" \
-DOPENVINO_EXTRA_MODULES=${{ env.OPENVINO_CONTRIB_REPO }}/modules \
-S ${{ env.OPENVINO_REPO }} \
@ -158,7 +173,7 @@ jobs:
if: ${{ always() }}
uses: actions/upload-artifact@v3
with:
name: openvino_package
name: openvino_package_${{ matrix.arhitecture }}
path: ${{ env.BUILD_DIR }}/openvino_package.tar.gz
if-no-files-found: 'error'
@ -166,7 +181,7 @@ jobs:
if: ${{ always() }}
uses: actions/upload-artifact@v3
with:
name: openvino_tests
name: openvino_tests_${{ matrix.arhitecture }}
path: ${{ env.BUILD_DIR }}/openvino_tests.tar.gz
if-no-files-found: 'error'
@ -175,7 +190,16 @@ jobs:
defaults:
run:
shell: bash
runs-on: macos-12
strategy:
max-parallel: 2
fail-fast: false
matrix:
include:
- arhitecture: 'x86_64'
machine: 'macos-13'
- arhitecture: 'arm64'
machine: 'macos-13-xlarge'
runs-on: ${{ matrix.machine }}
env:
INSTALL_DIR: ${{ github.workspace }}/install
INSTALL_TEST_DIR: ${{ github.workspace }}/install/tests
@ -189,13 +213,13 @@ jobs:
- name: Download OpenVINO package
uses: actions/download-artifact@v3
with:
name: openvino_package
name: openvino_package_${{ matrix.arhitecture }}
path: ${{ env.INSTALL_DIR }}
- name: Download OpenVINO tests package
uses: actions/download-artifact@v3
with:
name: openvino_tests
name: openvino_tests_${{ matrix.arhitecture }}
path: ${{ env.INSTALL_TEST_DIR }}
- name: Extract OpenVINO packages
@ -248,7 +272,7 @@ jobs:
uses: actions/upload-artifact@v3
if: ${{ !cancelled() }}
with:
name: test-results-samples
name: test-results-samples-${{ matrix.arhitecture }}
path: ${{ env.INSTALL_TEST_DIR }}/TEST*.xml
if-no-files-found: 'error'
@ -258,7 +282,16 @@ jobs:
defaults:
run:
shell: bash
runs-on: macos-12
strategy:
max-parallel: 2
fail-fast: false
matrix:
include:
- arhitecture: 'x86_64'
machine: 'macos-13'
- arhitecture: 'arm64'
machine: 'macos-13-xlarge'
runs-on: ${{ matrix.machine }}
env:
INSTALL_DIR: ${{ github.workspace }}/install
INSTALL_TEST_DIR: ${{ github.workspace }}/install/tests
@ -271,13 +304,13 @@ jobs:
- name: Download OpenVINO package
uses: actions/download-artifact@v3
with:
name: openvino_package
name: openvino_package_${{ matrix.arhitecture }}
path: ${{ env.INSTALL_DIR }}
- name: Download OpenVINO tests package
uses: actions/download-artifact@v3
with:
name: openvino_tests
name: openvino_tests_${{ matrix.arhitecture }}
path: ${{ env.INSTALL_TEST_DIR }}
- name: Extract OpenVINO packages
@ -314,7 +347,11 @@ jobs:
- name: Low Precision Transformations Tests
run: |
source ${{ env.INSTALL_DIR }}/setupvars.sh
${{ env.INSTALL_TEST_DIR }}/ov_lp_transformations_tests --gtest_print_time=1 \
# Skips under Ticket: 122660
skip_filter=${{ matrix.arhitecture == 'arm64' && '--gtest_filter=-*smoke_LPT/FoldFakeQuantizeInTransformations.CompareFunctions*' || '' }}
${{ env.INSTALL_TEST_DIR }}/ov_lp_transformations_tests --gtest_print_time=1 "$skip_filter" \
--gtest_output=xml:${{ env.INSTALL_TEST_DIR }}/TEST-LpTransformations.xml
- name: OpenVINO Conditional compilation tests
@ -337,8 +374,10 @@ jobs:
--gtest_output=xml:${{ env.INSTALL_TEST_DIR }}/TEST-PaddleTests.xml
- name: ONNX frontend tests
if: ${{ matrix.arhitecture == 'x86_64' }} # Ticket for ARM64: 122663
run: |
source ${{ env.INSTALL_DIR }}/setupvars.sh
${{ env.INSTALL_TEST_DIR }}/ov_onnx_frontend_tests --gtest_print_time=1 --gtest_filter=-*IE_GPU* \
--gtest_output=xml:${{ env.INSTALL_TEST_DIR }}/TEST-ONNXFrontend.xml
@ -351,7 +390,11 @@ jobs:
- name: TensorFlow frontend tests
run: |
source ${{ env.INSTALL_DIR }}/setupvars.sh
${{ env.INSTALL_TEST_DIR }}/ov_tensorflow_frontend_tests --gtest_print_time=1 \
# Skips under Ticket: 122666
skip_filter=${{ matrix.arhitecture == 'arm64' && '--gtest_filter=-*CompileModelsTests.ModelWithSplitConvConcat*:*NgramCompilation*' || '' }}
${{ env.INSTALL_TEST_DIR }}/ov_tensorflow_frontend_tests --gtest_print_time=1 "$skip_filter" \
--gtest_output=xml:${{ env.INSTALL_TEST_DIR }}/TEST-TensorFlowFrontend.xml
- name: TensorFlow Lite frontend tests
@ -363,7 +406,11 @@ jobs:
- name: Transformations func tests
run: |
source ${{ env.INSTALL_DIR }}/setupvars.sh
${{ env.INSTALL_TEST_DIR }}/ov_transformations_tests --gtest_print_time=1 \
# Skips under Ticket: 122668
skip_filter=${{ matrix.arhitecture == 'arm64' && '--gtest_filter=-*TransformationTestsF.CompressQuantizeWeights*:*TransformationTests/CompressQuantizeWeightsTests.FusionTest*' || '' }}
${{ env.INSTALL_TEST_DIR }}/ov_transformations_tests --gtest_print_time=1 "$skip_filter" \
--gtest_output=xml:${{ env.INSTALL_TEST_DIR }}/TEST-Transformations.xml
- name: Common test utils tests
@ -456,7 +503,7 @@ jobs:
uses: actions/upload-artifact@v3
if: ${{ always() }}
with:
name: test-results-cpp
name: test-results-cpp-${{ matrix.arhitecture }}
path: ${{ env.INSTALL_TEST_DIR }}/TEST*.xml
if-no-files-found: 'error'
@ -466,7 +513,16 @@ jobs:
defaults:
run:
shell: bash
runs-on: macos-12
strategy:
max-parallel: 2
fail-fast: false
matrix:
include:
- arhitecture: 'x86_64'
machine: 'macos-13'
- arhitecture: 'arm64'
machine: 'macos-13-xlarge'
runs-on: ${{ matrix.machine }}
env:
OPENVINO_REPO: ${{ github.workspace }}/openvino
OPENVINO_CONTRIB_REPO: ${{ github.workspace }}/openvino_contrib
@ -491,13 +547,13 @@ jobs:
- name: Download OpenVINO package
uses: actions/download-artifact@v3
with:
name: openvino_package
name: openvino_package_${{ matrix.arhitecture }}
path: ${{ env.INSTALL_DIR }}
- name: Download OpenVINO tests package
uses: actions/download-artifact@v3
with:
name: openvino_tests
name: openvino_tests_${{ matrix.arhitecture }}
path: ${{ env.INSTALL_TEST_DIR }}
- name: Extract OpenVINO packages
@ -523,10 +579,16 @@ jobs:
# Install the core OV wheel
python3 -m pip install ${{ env.INSTALL_DIR }}/tools/openvino-*.whl
# mxnet is only available on x86_64
extras_to_install="caffe,kaldi,onnx,tensorflow2,pytorch"
if [[ "${{ matrix.arhitecture }}" == "x86_64" ]]; then
extras_to_install="mxnet,$extras_to_install"
fi
# Find and install OV dev wheel
pushd ${{ env.INSTALL_DIR }}/tools
ov_dev_wheel_name=$(find . -name 'openvino_dev*.whl')
python3 -m pip install $ov_dev_wheel_name[mxnet,caffe,kaldi,onnx,tensorflow2,pytorch]
python3 -m pip install $ov_dev_wheel_name[$extras_to_install]
popd
- name: Python API 1.0 Tests
@ -609,6 +671,7 @@ jobs:
TEST_DEVICE: CPU
- name: TensorFlow 2 Layer Tests - TF FE
if: ${{ 'false' }} # Ticket: 123322
run: |
python3 -m pip install -r ${{ env.LAYER_TESTS_INSTALL_DIR }}/requirements.txt
export PYTHONPATH=${{ env.OPENVINO_REPO }}/tools/mo/:${{ env.LAYER_TESTS_INSTALL_DIR }}:$PYTHONPATH
@ -646,6 +709,7 @@ jobs:
TEST_PRECISION: FP16
- name: Python ONNX operators tests
if: ${{ 'false' }} # Ticket: 123325
run: |
# Skip test_onnx/test_zoo_models and test_onnx/test_backend due to long execution time - ONNX Model Zoo tests are run separately
python3 -m pytest -sv ${{ env.OPENVINO_REPO }}/src/frontends/onnx/tests -k 'not cuda' \
@ -669,18 +733,27 @@ jobs:
uses: actions/upload-artifact@v3
if: ${{ always() }}
with:
name: test-results-python
name: test-results-python-${{ matrix.arhitecture }}
path: ${{ env.INSTALL_TEST_DIR }}/TEST*.xml
if-no-files-found: 'error'
CPU_Functional_Tests:
name: CPU functional tests
if: ${{ 'false' }} # Ticket: 122001
needs: Build
defaults:
run:
shell: bash
runs-on: macos-12
strategy:
max-parallel: 2
fail-fast: false
matrix:
include:
# ticket: 122001
# - arhitecture: 'x86_64'
# machine: 'macos-13'
- arhitecture: 'arm64'
machine: 'macos-13-xlarge'
runs-on: ${{ matrix.machine }}
env:
INSTALL_DIR: ${{ github.workspace }}/install
INSTALL_TEST_DIR: ${{ github.workspace }}/install/tests
@ -692,33 +765,37 @@ jobs:
- name: Download OpenVINO package
uses: actions/download-artifact@v3
with:
name: openvino_package
name: openvino_package_${{ matrix.arhitecture }}
path: ${{ env.INSTALL_DIR }}
- name: Download OpenVINO tests package
uses: actions/download-artifact@v3
with:
name: openvino_tests
name: openvino_tests_${{ matrix.arhitecture }}
path: ${{ env.INSTALL_TEST_DIR }}
- name: Extract OpenVINO packages
run: |
pushd ${{ env.INSTALL_DIR }}
tar -xzf openvino_package.tar.gz -C ${{ env.INSTALL_DIR }} && rm openvino_package.tar.gz || exit 1
tar -xzf openvino_package.tar.gz -C ${{ env.INSTALL_DIR }} && rm openvino_package.tar.gz
popd
pushd ${{ env.INSTALL_TEST_DIR }}
tar -xzf openvino_tests.tar.gz -C ${{ env.INSTALL_DIR }} && rm openvino_tests.tar.gz || exit 1
tar -xzf openvino_tests.tar.gz -C ${{ env.INSTALL_DIR }} && rm openvino_tests.tar.gz
popd
- name: Intel CPU plugin func tests
- name: CPU plugin func tests
run: |
source ${{ env.INSTALL_DIR }}/setupvars.sh
${{ env.INSTALL_TEST_DIR }}/ov_cpu_func_tests --gtest_print_time=1 --gtest_filter=*smoke* --gtest_output=xml:"${{ env.INSTALL_TEST_DIR }}/TEST-CPUFuncTests.xml"
# Skips under Ticket: 122769
skip_filter=${{ matrix.arhitecture == 'arm64' && '--gtest_filter=-*smoke_nonzero/NonZeroLayerTest.Inference/IS*:*smoke_NormalizeL2_*:*Extension.XmlModelWithExtensionFromDSO*:*Extension.OnnxModelWithExtensionFromDSO*:*ONNXQuantizedModels/QuantizedModelsTests.MaxPool*:*ONNXQuantizedModels/QuantizedModelsTests.Convolution*:**' || '' }}
${{ env.INSTALL_TEST_DIR }}/ov_cpu_func_tests --gtest_print_time=1 --gtest_filter=*smoke* "$skip_filter" --gtest_output=xml:"${{ env.INSTALL_TEST_DIR }}/TEST-CPUFuncTests.xml"
- name: Upload Test Results
uses: actions/upload-artifact@v3
if: ${{ always() }}
with:
name: test-results-functional-cpu
name: test-results-functional-cpu-${{ matrix.arhitecture }}
path: ${{ env.INSTALL_TEST_DIR }}/TEST*.xml
if-no-files-found: 'error'

View File

@ -1,15 +1,19 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import os
import numpy as np
import ngraph as ng
import pytest
from openvino.inference_engine import IECore
from tests_compatibility.runtime import get_runtime
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122712')
def test_import_onnx_with_external_data():
model_path = os.path.join(os.path.dirname(__file__), "models/external_data.onnx")
ie = IECore()

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import onnx
import pytest
@ -45,6 +47,8 @@ def test_relu():
assert_onnx_import_equals_callable("Relu", relu, [[-3, -2, -1], [1, 2, 3]])
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122712')
def test_leaky_relu():
def leaky_relu(x, alpha=0.01):
return np.maximum(alpha * x, x)
@ -79,6 +83,8 @@ def test_parametric_relu(x, slope):
assert np.allclose(output, expected_output)
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122712')
def test_selu():
# f(x) = gamma * (alpha * exp(x) - alpha) for x <= 0, y = gamma * x for x > 0
def selu(x, alpha=1.67326319217681884765625, gamma=1.05070102214813232421875):

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import onnx
import onnx.mapping
@ -210,6 +212,8 @@ def test_hardmax_special_cases():
assert np.allclose(ng_results, [expected])
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122712')
def test_hardsigmoid():
def hardsigmoid(data, alpha=0.2, beta=0.5):
return np.clip(alpha * data + beta, 0, 1)
@ -447,6 +451,8 @@ def test_cast_errors():
@pytest.mark.parametrize("value_type",
[pytest.param(np.float64),
pytest.param(np.float32)])
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122712')
def test_constant(value_type):
values = np.random.randn(5, 5).astype(value_type)
node = onnx.helper.make_node(

View File

@ -127,6 +127,7 @@ xfail_issue_52463 = xfail_test(reason="test_operator_add_size1_singleton_broadca
"Not equal to tolerance")
xfail_issue_58033 = xfail_test(reason="Einsum operation misses support for complex ellipsis equations")
xfail_issue_58676 = xfail_test(reason="AssertionError: Not equal to tolerance rtol=0.001, atol=1e-07")
skip_issue_58676 = pytest.mark.skip(reason="AssertionError: Not equal to tolerance rtol=0.001, atol=1e-07")
xfail_issue_onnx_models_140 = xfail_test(reason="https://github.com/onnx/models/issues/140")
xfail_issue_63033 = xfail_test(reason="BatchNormalization: Training mode is not supported")

View File

@ -2,6 +2,7 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import logging
import onnx.backend.test
@ -24,6 +25,7 @@ from tests import (
xfail_issue_38735,
skip_issue_39658,
skip_issue_39658,
skip_issue_58676,
xfail_issue_44858,
xfail_issue_44965,
xfail_issue_45180,
@ -683,6 +685,22 @@ tests_expected_to_fail = [
),
]
if platform.system() == 'Darwin':
tests_expected_to_fail.extend([
(
skip_issue_58676,
"OnnxBackendNodeModelTest.test_mish_expanded_cpu"
),
(
skip_issue_58676,
"OnnxBackendNodeModelTest.test_resize_downsample_scales_linear_cpu"
),
(
skip_issue_58676,
"OnnxBackendNodeModelTest.test_div_uint8_cpu"
)]
)
for test_group in tests_expected_to_fail:
for test_case in test_group[1:]:
expect_fail(f"{test_case}", test_group[0])

View File

@ -2,6 +2,7 @@
# SPDX-License-Identifier: Apache-2.0
import unittest
import platform
from typing import Tuple
import numpy as np
@ -1236,6 +1237,8 @@ class TestPrecisionSensitive():
@pytest.mark.parametrize("create_model", test_data)
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122714')
def test_precision_sensitive(self, create_model, ie_device, precision, ir_version, temp_dir, use_new_frontend, use_old_api):
import numpy.testing as npt
from pathlib import Path

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
from common.layer_test_class import check_ir_version
@ -232,6 +234,8 @@ class TestReduceL1L2(OnnxRuntimeLayerTest):
@pytest.mark.parametrize("keep_dims", [True, False])
@pytest.mark.parametrize("reduce_p", [1, 2])
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122846')
def test_reduce_lp_precommit(self, params, keep_dims, reduce_p, ie_device, precision,
ir_version, temp_dir, use_old_api):
self._test(*self.create_reduce_lp(**params, keep_dims=keep_dims, reduce_p=reduce_p,

View File

@ -136,6 +136,8 @@ class TestROIAlign(OnnxRuntimeLayerTest):
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Windows', reason="Ticket - 122731")
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122846')
def test_roi_alignv10(self, params, ie_device, precision, ir_version, temp_dir, use_old_api):
# TODO: ticket for investigating GPU failures: CVS-86300
if ie_device != "GPU":

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import torch
@ -49,6 +51,8 @@ class TestAdaptiveMaxPool3D(PytorchLayerTest):
@pytest.mark.precommit
@pytest.mark.precommit_ts_backend
@pytest.mark.precommit_fx_backend
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_adaptive_max_pool3d(self, ie_device, precision, ir_version, input_tensor, output_size, return_indices):
self.input_tensor = input_tensor
self._test(*self.create_model(output_size, return_indices), ie_device, precision, ir_version)
@ -94,6 +98,8 @@ class TestAdaptiveMaxPool2D(PytorchLayerTest):
@pytest.mark.precommit
@pytest.mark.precommit_ts_backend
@pytest.mark.precommit_fx_backend
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_adaptive_max_pool2d(self, ie_device, precision, ir_version, input_tensor, output_size, return_indices):
self.input_tensor = input_tensor
self._test(*self.create_model(output_size, return_indices), ie_device, precision, ir_version)
@ -139,6 +145,8 @@ class TestAdaptiveMaxPool1D(PytorchLayerTest):
@pytest.mark.precommit
@pytest.mark.precommit_ts_backend
@pytest.mark.precommit_fx_backend
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_adaptive_max_pool1d(self, ie_device, precision, ir_version, input_tensor, output_size, return_indices):
self.input_tensor = input_tensor
self._test(*self.create_model(output_size, return_indices), ie_device, precision, ir_version)

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import torch
@ -68,6 +70,8 @@ class TestAll(PytorchLayerTest):
])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_all(self, input_tensor, keepdim, ie_device, precision, ir_version):
self.input_tensor = input_tensor
for dim in range(len(input_tensor.shape)):

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
from pytorch_layer_test_class import PytorchLayerTest
@ -71,6 +73,8 @@ class TestArgMinArgMax(PytorchLayerTest):
@pytest.mark.parametrize("dtype", ["float32", "int32", "int64"])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_argmin_argmax(self, axes, keep_dims, op_type, dtype, ie_device, precision, ir_version):
self._test(*self.create_model(op_type, axes, keep_dims),
ie_device, precision, ir_version, trace_model=True,

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
from pytorch_layer_test_class import PytorchLayerTest
@ -69,5 +71,7 @@ class TestCumSum(PytorchLayerTest):
@pytest.mark.parametrize("out,dtype_from_input", [(False, False), (True, False), (True, True)])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_cumsum(self, axis, dtype, out, dtype_from_input, ie_device, precision, ir_version):
self._test(*self.create_model(axis, dtype, out, dtype_from_input), ie_device, precision, ir_version, kwargs_to_prepare_input={"out": out, "out_dtype": dtype})

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
from pytorch_layer_test_class import PytorchLayerTest
@ -29,6 +31,8 @@ class TestCdist(PytorchLayerTest):
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.parametrize("p", [2., 4., 6., 8.,])
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_cdist(self, p, ie_device, precision, ir_version):
self._test(*self.create_model(p), ie_device, precision, ir_version)
@ -61,5 +65,7 @@ class TestPairwiseDistance(PytorchLayerTest):
@pytest.mark.parametrize("p", [2., 4., 6., 8.,])
@pytest.mark.parametrize("eps", [1e-06, 0.00001, 1e-07])
@pytest.mark.parametrize("keepdim", [True, False])
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_cdist(self, p, eps, keepdim, ie_device, precision, ir_version):
self._test(*self.create_model(p, eps, keepdim), ie_device, precision, ir_version)

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import torch
@ -116,6 +118,8 @@ class TestDivTypes(PytorchLayerTest):
]))
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_div_types(self, ie_device, precision, ir_version, lhs_type, lhs_shape, rhs_type, rhs_shape, rounding_mode):
self.lhs_type = lhs_type
self.lhs_shape = lhs_shape

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
from pytorch_layer_test_class import PytorchLayerTest
@ -42,6 +44,8 @@ class TestEmbeddingBag1dOffsets(PytorchLayerTest):
@pytest.mark.precommit
@pytest.mark.parametrize("indicies_dtype", ["int", "int32"])
@pytest.mark.parametrize("per_sample_weights", [True, False])
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_embedding_bag(self, ie_device, precision, ir_version, indicies_dtype, per_sample_weights):
self._test(*self.create_model(per_sample_weights), ie_device, precision, ir_version,
kwargs_to_prepare_input={"indicies_dtype": indicies_dtype, "per_sample_weights": per_sample_weights},
@ -85,6 +89,8 @@ class TestEmbeddingBag2d(PytorchLayerTest):
@pytest.mark.parametrize("indicies_size", [[1, 1], [2, 5], [3, 10], [4, 7]])
@pytest.mark.parametrize("indicies_dtype", ["int", "int32"])
@pytest.mark.parametrize("per_sample_weights", [True, False])
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_embedding_bag(self, ie_device, precision, ir_version, indicies_dtype, indicies_size, per_sample_weights):
self._test(*self.create_model(per_sample_weights), ie_device, precision, ir_version,
kwargs_to_prepare_input={"indicies_size": indicies_size, "indicies_dtype": indicies_dtype, "per_sample_weights": per_sample_weights},

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import torch
@ -46,6 +48,8 @@ class TestFakeQuantizePerTensorAffine(PytorchLayerTest):
(1.0, 0, 0, 127),
],
)
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_fake_quantize_per_tensor_affine(
self, ie_device, precision, ir_version, scale, zero_point, quant_min, quant_max
):
@ -96,6 +100,8 @@ class TestFakeQuantizePerChannelAffine(PytorchLayerTest):
(torch.tensor([-0.005, -0.7, 0.1]), torch.tensor([1, 0, 1], dtype=torch.int32), 0, 0, 255),
],
)
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_fake_quantize_per_channel_affine(
self, ie_device, precision, ir_version, scale, zero_point, axis, quant_min, quant_max
):

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
@ -52,6 +54,8 @@ class TestFloorDivide(PytorchLayerTest):
]))
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_floor_divide(self, input_tensor, other_tensor, ie_device, precision, ir_version):
self.input_tensor = input_tensor
self.other_tensor = other_tensor

View File

@ -1,5 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
@ -144,6 +147,8 @@ class TestFill(PytorchLayerTest):
@pytest.mark.parametrize("mode", ["", "inplace", "out"])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_fill(self, shape, value, input_dtype, value_dtype, mode, ie_device, precision, ir_version):
self._test(*self.create_model(mode), ie_device, precision, ir_version,
kwargs_to_prepare_input={
@ -183,6 +188,8 @@ class TestFillDiagonal(PytorchLayerTest):
@pytest.mark.parametrize("wrap", [True, False])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_fill_diagonal(self, shape, value, input_dtype, value_dtype, wrap, ie_device, precision, ir_version):
self._test(*self.create_model(shape, wrap), ie_device, precision, ir_version,
kwargs_to_prepare_input={

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
from pytorch_layer_test_class import PytorchLayerTest
@ -35,6 +37,8 @@ class TestGridSampler(PytorchLayerTest):
@pytest.mark.parametrize("align_corners", [True, False, None])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_grid_sampler(self, h_in, w_in, h_out, w_out, mode, padding_mode, align_corners, ie_device, precision, ir_version):
self._test(*self.create_model(mode, padding_mode, align_corners), ie_device, precision, ir_version, kwargs_to_prepare_input={
"h_in": h_in, "w_in": w_in, "h_out": h_out, "w_out": w_out

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
from pytorch_layer_test_class import PytorchLayerTest
@ -60,6 +62,8 @@ class TestInstanceNorm(PytorchLayerTest):
])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_group_norm(self, params, ie_device, precision, ir_version, kwargs_to_prepare_input):
self._test(*self.create_model(**params),
ie_device, precision, ir_version, kwargs_to_prepare_input=kwargs_to_prepare_input,

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import torch
@ -63,6 +65,8 @@ class TestLinspace(PytorchLayerTest):
@pytest.mark.parametrize(
"start,end,steps", [(0, 1, 5), (-2, 1, 5), (1, -5, 7), (1, 10, 2), (-1, -5, 2), (-1, -5, 1), (1.25, -5.5, 5)]
)
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_linspace_with_prim_dtype(self, dtype, end, start, steps, ie_device, precision, ir_version):
self._test(
*self.create_model(dtype, ref_dtype=True),
@ -79,6 +83,8 @@ class TestLinspace(PytorchLayerTest):
"start,end,steps", [(0, 1, 5), (-2, 1, 5), (1, -5, 7), (1, 10, 2), (-1, -5, 2), (-1, -5, 1), (1.25, -5.5, 5)]
)
@pytest.mark.parametrize("use_out", [False, True])
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_linspace_with_out(self, dtype, use_out, end, start, steps, ie_device, precision, ir_version):
self._test(
*self.create_model(dtype=dtype, use_out=use_out),

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import torch
@ -74,6 +76,8 @@ class TestNativeMultiHeadAttention(PytorchLayerTest):
["need_weights", "average_attn_weights"],
[[False, False], [True, False], [True, True]]
)
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_native_multi_head_attention(self, ie_device, precision, ir_version, mask, need_weights, average_attn_weights):
self._test(aten_native_multi_head_attention(mask, need_weights, average_attn_weights),
None, "aten::_native_multi_head_attention", ie_device, precision, ir_version)

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
from pytorch_layer_test_class import PytorchLayerTest
import numpy as np
@ -35,6 +37,8 @@ class TestNms(PytorchLayerTest):
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_nms(self, ie_device, precision, ir_version, boxes_num):
self.boxes_num = boxes_num
self._test(*self.create_model(), ie_device, precision, ir_version)

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import torch
@ -245,6 +247,8 @@ class TestLinalgMatrixNorm(PytorchLayerTest):
@pytest.mark.parametrize("dtype", ["float32", "float64", None])
@pytest.mark.parametrize("out", [True, False])
@pytest.mark.parametrize("prim_dtype", [True, False])
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_linalg_matrix_norm(self, p, dim, keepdim, dtype, out, prim_dtype, ie_device, precision, ir_version):
self._test(*self.create_model(p, dim, keepdim, dtype, out, prim_dtype),
ie_device, precision, ir_version,

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
from pytorch_layer_test_class import PytorchLayerTest
@ -133,6 +135,8 @@ class TestPooling(PytorchLayerTest):
@pytest.mark.parametrize("count_include_pad", [True, False])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_avg_pool1d(self, params, ceil_mode, count_include_pad, ie_device, precision, ir_version):
self._test(*self.create_model("avg_pool1d", **params, ceil_mode=ceil_mode, count_include_pad=count_include_pad),
ie_device, precision, ir_version, kwargs_to_prepare_input={'ndim': 3}, trace_model=True,
@ -151,6 +155,8 @@ class TestPooling(PytorchLayerTest):
@pytest.mark.parametrize("count_include_pad", [True, False])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_avg_pool2d(self, params, ceil_mode, count_include_pad, ie_device, precision, ir_version):
self._test(*self.create_model("avg_pool2d", **params, ceil_mode=ceil_mode, count_include_pad=count_include_pad),
ie_device, precision, ir_version, trace_model=True, dynamic_shapes=False)
@ -160,6 +166,8 @@ class TestPooling(PytorchLayerTest):
@pytest.mark.parametrize("count_include_pad", [True, False])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_avg_pool3d(self, params, ceil_mode, count_include_pad, ie_device, precision, ir_version):
self._test(*self.create_model("avg_pool3d", **params, ceil_mode=ceil_mode, count_include_pad=count_include_pad),
ie_device, precision, ir_version, kwargs_to_prepare_input={'ndim': 5}, trace_model=True,
@ -170,6 +178,8 @@ class TestPooling(PytorchLayerTest):
@pytest.mark.parametrize("dilation", [1, 2])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_max_pool1d(self, params, ceil_mode, dilation, ie_device, precision, ir_version):
self._test(*self.create_model("max_pool1d", **params, ceil_mode=ceil_mode, dilation=dilation),
ie_device, precision, ir_version, kwargs_to_prepare_input={'ndim': 3}, dynamic_shapes=False)
@ -179,6 +189,8 @@ class TestPooling(PytorchLayerTest):
@pytest.mark.parametrize("dilation", [1, 2])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_max_pool2d(self, params, ceil_mode, dilation, ie_device, precision, ir_version):
to_trace = False
if params["stride"] == []:
@ -191,6 +203,8 @@ class TestPooling(PytorchLayerTest):
@pytest.mark.parametrize("dilation", [1, 2])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_max_pool3d(self, params, ceil_mode, dilation, ie_device, precision, ir_version):
self._test(*self.create_model("max_pool3d", **params, ceil_mode=ceil_mode, dilation=dilation),
ie_device, precision, ir_version, kwargs_to_prepare_input={'ndim': 5}, dynamic_shapes=False)
@ -200,6 +214,8 @@ class TestPooling(PytorchLayerTest):
@pytest.mark.parametrize("dilation", [1, 2])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_max_pool1d_indices(self, params, ceil_mode, dilation, ie_device, precision, ir_version):
if ceil_mode and (np.array(params["padding"]).any() != 0):
pytest.skip("ticket 122418")
@ -211,6 +227,8 @@ class TestPooling(PytorchLayerTest):
@pytest.mark.parametrize("dilation", [1, 2])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_max_pool2d_indices(self, params, ceil_mode, dilation, ie_device, precision, ir_version):
if ceil_mode and (np.array(params["padding"]).any() != 0):
pytest.skip("ticket 122418")
@ -225,6 +243,8 @@ class TestPooling(PytorchLayerTest):
@pytest.mark.parametrize("dilation", [1, 2])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_max_pool3d_indices(self, params, ceil_mode, dilation, ie_device, precision, ir_version):
if ceil_mode and (np.array(params["padding"]).any() != 0):
pytest.skip("ticket 122418")

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import torch
@ -49,6 +51,8 @@ class TestQuantizePerTensorDequantize(PytorchLayerTest):
])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_quantize_per_tensor_dequantize(self, scale, zero_point, dtype, ie_device, precision, ir_version):
if dtype == torch.quint8: zero_point = abs(zero_point)
self._test(aten_quantize_per_tensor_aten_dequantize(scale, zero_point, dtype), None, ["aten::quantize_per_tensor", "aten::dequantize"],
@ -88,6 +92,8 @@ class TestQuantizePerChannelDequantize(PytorchLayerTest):
])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_quantize_per_channel_dequantize(self, scale, zero_point, dtype, axis, ie_device, precision, ir_version):
np.random.shuffle(scale), np.random.shuffle(zero_point)
if dtype == torch.quint8: zero_point = abs(zero_point)

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import torch
@ -38,6 +40,8 @@ class TestQuantizedAdd(PytorchLayerTest):
])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_quantized_add(self, scale, zero_point, dtype, ie_device, precision, ir_version):
if dtype == torch.quint8: zero_point = abs(zero_point)
self._test(quantized_add(scale, zero_point, dtype), None, ["quantized::add"],

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import torch
@ -38,6 +40,8 @@ class TestQuantizedAddReLU(PytorchLayerTest):
])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_quantized_add_relu(self, scale, zero_point, dtype, ie_device, precision, ir_version):
if dtype == torch.quint8: zero_point = abs(zero_point)
self._test(quantized_add_relu(scale, zero_point, dtype), None, ["quantized::add_relu"],

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import torch
@ -73,6 +75,8 @@ class TestQuantizedCat(PytorchLayerTest):
@pytest.mark.parametrize("dtype", [torch.quint8, torch.qint8])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_quantized_cat(self, scale, zero_point, dtype, ie_device, precision, ir_version):
self._test(
aten_quantized_cat(scale, zero_point, dtype),
@ -91,6 +95,8 @@ class TestQuantizedCat(PytorchLayerTest):
@pytest.mark.parametrize("dtype", [torch.quint8, torch.qint8])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_append_quantized_cat(self, scale, zero_point, dtype, ie_device, precision, ir_version):
self._test(
aten_append_quantized_cat(scale, zero_point, dtype),
@ -130,6 +136,8 @@ class TestQuantizedCat(PytorchLayerTest):
@pytest.mark.parametrize("dtype", [torch.quint8, torch.qint8])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_add_quantized_cat(self, scale, zero_point, dtype, ie_device, precision, ir_version):
self._test(
aten_add_quantized_cat(scale, zero_point, dtype),

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
import numpy as np
import torch
@ -78,6 +80,8 @@ class TestQuantizedConv2D(PytorchLayerTest):
@pytest.mark.parametrize("zero_point", [0, 1])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_quantized_conv2d(self, params, bias, relu, scale, zero_point, ie_device, precision, ir_version):
self._test(
*self.create_model(**params, bias=bias, relu=relu,

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import torch
@ -36,6 +38,8 @@ class TestQuantizedHardswish(PytorchLayerTest):
])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_quantized_hardswish(self, scale, zero_point, dtype, ie_device, precision, ir_version):
if dtype == torch.quint8: zero_point = abs(zero_point)
self._test(quantized_hardswish(scale, zero_point, dtype), None, ["quantized::hardswish"],

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
import torch
import numpy as np
@ -73,6 +75,8 @@ class TestQuantizedLinear(PytorchLayerTest):
@pytest.mark.parametrize("trace", [True, False])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_quantized_linear(self, params, scale, zero_point, trace, ie_device, precision, ir_version):
input_shape = params.get("input_shape")
weight_shape = params.get("weight_shape")
@ -84,6 +88,8 @@ class TestQuantizedLinear(PytorchLayerTest):
@pytest.mark.parametrize("inplace", [True, False])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_quantized_hardtanh_linear(self, trace, inplace, ie_device, precision, ir_version):
self._test(*self.create_hardtanh_model([10, 9], True, 1, 0.3, inplace), ie_device, precision, ir_version,
kwargs_to_prepare_input={"input_shape": [2, 3, 9]}, trace_model=trace, freeze_model=False, quantized_ops=True, quant_size=0.3)

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import torch
@ -38,6 +40,8 @@ class TestQuantizedMul(PytorchLayerTest):
])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_quantized_mul(self, scale, zero_point, dtype, ie_device, precision, ir_version):
if dtype == torch.quint8: zero_point = abs(zero_point)
self._test(quantized_mul(scale, zero_point, dtype), None, ["quantized::mul"],

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
from pytorch_layer_test_class import PytorchLayerTest
@ -52,6 +54,8 @@ class TestVar(PytorchLayerTest):
@pytest.mark.precommit
@pytest.mark.parametrize("unbiased", [True, False])
@pytest.mark.parametrize("op_type", ["var", "var_mean", "std", "std_mean"])
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_var2args(self, unbiased, op_type, ie_device, precision, ir_version):
self._test(*self.create_model(unbiased, op_type=op_type), ie_device, precision, ir_version)
@ -61,5 +65,7 @@ class TestVar(PytorchLayerTest):
@pytest.mark.parametrize("dim", [None, 0, 1, 2, 3, -1, -2, (0, 1), (-1, -2), (0, 1, -1), (0, 1, 2, 3)])
@pytest.mark.parametrize("keepdim", [True, False])
@pytest.mark.parametrize("op_type", ["var", "var_mean", "std", "std_mean"])
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122715')
def test_var(self, unbiased, dim, keepdim, op_type, ie_device, precision, ir_version):
self._test(*self.create_model(unbiased, dim, keepdim, two_args_case=False, op_type=op_type), ie_device, precision, ir_version)

View File

@ -1,3 +1,5 @@
import platform
import pytest
import tensorflow as tf
@ -29,5 +31,7 @@ class TestTFLiteBroadcastToLayerTest(TFLiteLayerTest):
@pytest.mark.parametrize("params", test_params)
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 123324')
def test_broadcast_to(self, params, ie_device, precision, temp_dir):
self._test(ie_device, precision, temp_dir, params)

View File

@ -1,3 +1,5 @@
import platform
import pytest
import tensorflow as tf
@ -30,5 +32,7 @@ class TestTFLiteRFFT2DLayerTest(TFLiteLayerTest):
@pytest.mark.parametrize("params", test_params)
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 123324')
def test_rfft2d(self, params, ie_device, precision, temp_dir):
self._test(ie_device, precision, temp_dir, params)

View File

@ -1,3 +1,5 @@
import platform
import pytest
import tensorflow as tf
@ -40,5 +42,7 @@ class TestTFLiteSegmentSumLayerTest(TFLiteLayerTest):
@pytest.mark.parametrize("params", test_params)
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 123324')
def test_segment_sum(self, params, ie_device, precision, temp_dir):
self._test(ie_device, precision, temp_dir, params)

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import tensorflow as tf
@ -38,6 +40,8 @@ class TestAdjustContrastv2(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_adjust_contrast_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
self._test(*self.create_adjust_contrast_net(**params),

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
@ -126,6 +128,8 @@ class TestBinaryOps(CommonTFLayerTest):
'Xdivy'])
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_binary_op(self, params, ie_device, precision, ir_version, temp_dir, op_type,
use_new_frontend, use_old_api):
if precision == "FP16":

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import tensorflow as tf
@ -40,6 +42,8 @@ class TestBucketize(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_bucketize_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
self._test(*self.create_bucketize_net(**params),

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import tensorflow as tf
@ -53,6 +55,8 @@ class TestCropAndResize(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_crop_and_resize_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
self._test(*self.create_crop_and_resize_net(**params),

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import tensorflow as tf
@ -41,6 +43,8 @@ class TestDivNoNan(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_div_no_nan_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
self._test(*self.create_div_no_nan_net(**params),

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import tensorflow as tf
@ -42,6 +44,8 @@ class TestFakeQuantWithMinMaxVars(CommonTFLayerTest):
])
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_fake_quant_with_min_max_vars_basic(self, params, fake_quant_op, ie_device, precision, ir_version, temp_dir,
use_new_frontend,
use_old_api):

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import tensorflow as tf
@ -67,6 +69,8 @@ class TestIfFloat(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_if_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
if ie_device == 'GPU':
@ -137,6 +141,8 @@ class TestIfInt(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_if_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
if ie_device == 'GPU':
@ -215,6 +221,8 @@ class TestNestedIf(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_if_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
if ie_device == 'GPU':
@ -305,6 +313,8 @@ class TestSequantialIfs(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_if_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
if ie_device == 'GPU':

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
import tensorflow as tf
from common.tf_layer_test_class import CommonTFLayerTest
@ -31,6 +33,8 @@ class TestLeakyRelu(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_leaky_relu_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
self._test(*self.create_leaky_relu_net(**params),

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
import tensorflow as tf
from common.tf_layer_test_class import CommonTFLayerTest
@ -28,6 +30,8 @@ class TestLinSpace(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_lin_space_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
self._test(*self.create_lin_space_net(**params),

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import tensorflow as tf
@ -39,6 +41,8 @@ class TestLogSoftmax(CommonTFLayerTest):
@pytest.mark.precommit
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_log_softmax_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
self._test(*self.create_log_softmax_net(**params),

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import tensorflow as tf
@ -59,6 +61,8 @@ class TestMaxPoolWithArgmax(CommonTFLayerTest):
])
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_max_pool_with_argmax_basic(self, params, input_type, padding, targmax,
include_batch_in_index, with_second_output,
ie_device, precision, ir_version, temp_dir,

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
from common.tf_layer_test_class import CommonTFLayerTest
@ -30,6 +32,8 @@ class TestNormalizeL2(CommonTFLayerTest):
@pytest.mark.precommit
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_normalize_l2_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
self._test(*self.create_normalize_l2_net(**params),

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
from common.layer_test_class import check_ir_version
from common.tf_layer_test_class import CommonTFLayerTest
@ -145,6 +147,8 @@ class TestPooling(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_4D)
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_pool_4D(self, params, ie_device, precision, ir_version, temp_dir, use_new_frontend,
use_old_api):
self._test(*self.create_pooling_net(**params, ir_version=ir_version,
@ -227,6 +231,8 @@ class TestPooling(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_5D)
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_pool_5D(self, params, ie_device, precision, ir_version, temp_dir, use_new_frontend,
use_old_api):
if ie_device == 'GPU':

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
import tensorflow as tf
from common.layer_test_class import check_ir_version
@ -88,6 +90,8 @@ class TestRandomUniform(CommonTFLayerTest):
@pytest.mark.nightly
@pytest.mark.precommit
@pytest.mark.precommit_tf_fe
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_random_uniform_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
if ie_device == 'GPU':

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import tensorflow as tf
@ -60,6 +62,8 @@ class TestResize(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_resize_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
self._test(*self.create_resize_net(**params),

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
from common.tf_layer_test_class import CommonTFLayerTest
@ -69,6 +71,8 @@ class TestTFScatterND(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data)
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_tf_scatter_nd(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
self._test(*self.create_tf_scatternd_placeholder_const_net(**params, ir_version=ir_version,

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import tensorflow as tf
@ -41,6 +43,8 @@ class TestSegmentSum(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_segment_sum_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
if not use_new_frontend:

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import tensorflow as tf
@ -34,6 +36,8 @@ class TestSoftmax(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_softmax_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
self._test(*self.create_softmax_net(**params),

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import pytest
from common.tf_layer_test_class import CommonTFLayerTest
@ -33,6 +35,8 @@ class TestSpaceToBatch(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_space_to_batch_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
self._test(*self.create_space_to_batch_net(**params),

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import tensorflow as tf
@ -46,6 +48,8 @@ class TestTopKV2(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_topk_v2_basic(self, params, ie_device, precision, ir_version, temp_dir, use_new_frontend,
use_old_api):
self._test(*self.create_topk_v2_net(**params),

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import tensorflow as tf
@ -42,6 +44,8 @@ class TestTruncateDiv(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_truncate_div_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
self._test(*self.create_truncate_div_net(**params),

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import tensorflow as tf
@ -55,6 +57,8 @@ class TestUnsortedSegmentSum(CommonTFLayerTest):
])
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_unsorted_segment_sum_basic(self, params, data_type, segment_ids_type, num_segments_type, ie_device,
precision, ir_version, temp_dir,
use_new_frontend, use_old_api):

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import tensorflow as tf
@ -42,6 +44,8 @@ class TestXlog1py(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_xlog1py_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
self._test(*self.create_xlog1py_net(**params),

View File

@ -1,6 +1,8 @@
# Copyright (C) 2018-2023 Intel Corporation
# SPDX-License-Identifier: Apache-2.0
import platform
import numpy as np
import pytest
import tensorflow as tf
@ -42,6 +44,8 @@ class TestXlogy(CommonTFLayerTest):
@pytest.mark.parametrize("params", test_data_basic)
@pytest.mark.precommit_tf_fe
@pytest.mark.nightly
@pytest.mark.xfail(condition=platform.system() == 'Darwin' and platform.machine() == 'arm64',
reason='Ticket - 122716')
def test_xlogy_basic(self, params, ie_device, precision, ir_version, temp_dir,
use_new_frontend, use_old_api):
self._test(*self.create_xlogy_net(**params),