Skip to content

Commit

Permalink
Skip ONNX layer test cases that depend on openvino.tools.mo
Browse files Browse the repository at this point in the history
Signed-off-by: Alina Kladieva <alina.kladieva@intel.com>
  • Loading branch information
akladiev committed Dec 24, 2024
1 parent 9d78056 commit d4d1301
Show file tree
Hide file tree
Showing 42 changed files with 42 additions and 0 deletions.
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_abs.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,6 +8,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestAbs(OnnxRuntimeLayerTest):
def create_net(self, shape, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_and.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestAnd(OnnxRuntimeLayerTest):
def _prepare_input(self, inputs_dict):
for input in inputs_dict.keys():
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_argmax.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestArgMax(OnnxRuntimeLayerTest):
def create_net(self, shape, axis, keepdims, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_ceil.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,6 +8,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestCeil(OnnxRuntimeLayerTest):
def create_net(self, shape, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_clip.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,6 +8,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestClip(OnnxRuntimeLayerTest):
def create_net(self, shape, ir_version, opset, min=None, max=None):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_concat.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,6 +8,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestConcat(OnnxRuntimeLayerTest):
# TODO Add test with default values (axis=0)
def create_concat_net_const(self, input_shape, output_shape, axis, ir_version):
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_conv.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestConv(OnnxRuntimeLayerTest):
def _prepare_input(self, inputs_dict):
for input in inputs_dict.keys():
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_cumsum.py
Original file line number Diff line number Diff line change
Expand Up @@ -20,6 +20,7 @@ def cumsum(a, axis=None, exclusive=False, reverse=False):
return res


@pytest.mark.skip(reason="Ticket - 157136")
class TestCumSum(OnnxRuntimeLayerTest):
def create_net(self, shape, ir_version, axis=None, reverse=None, exclusive=None):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_dequantize_linear.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestDequantizeLinear(OnnxRuntimeLayerTest):
def _prepare_input(self, inputs_dict):
for input in inputs_dict.keys():
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_elu.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,6 +8,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestElu(OnnxRuntimeLayerTest):
def create_net(self, shape, alpha, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_embedding_bag.py
Original file line number Diff line number Diff line change
Expand Up @@ -23,6 +23,7 @@ def get_framework_results(self, inputs_dict, model_path):
return {'output': self.torch_model(*self.var).detach().numpy()}


@pytest.mark.skip(reason="Ticket - 157136")
class EmbeddingBagModel(torch.nn.Module):
def __init__(self, n, m, indices_shape=None, per_sample_weights=False, mode="sum"):
super(EmbeddingBagModel, self).__init__()
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_floor.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,6 +8,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestFloor(OnnxRuntimeLayerTest):
def create_net(self, shape, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_gather.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestGather(OnnxRuntimeLayerTest):
def create_net(self, shape, axis, indices, output_shape, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_hard_sigmoid.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestHardSigmoid(OnnxRuntimeLayerTest):
def _prepare_input(self, inputs_dict):
for input in inputs_dict.keys():
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_identity.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestIdentity(OnnxRuntimeLayerTest):
def create_net(self, shape, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_leaky_relu.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,6 +8,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestLeakyRelu(OnnxRuntimeLayerTest):
def create_net(self, shape, alpha, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_log.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestLog(OnnxRuntimeLayerTest):
def _prepare_input(self, inputs_dict):
for input in inputs_dict.keys():
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_logsoftmax.py
Original file line number Diff line number Diff line change
Expand Up @@ -34,6 +34,7 @@ def get_flatten_shape(src_shape, axis):
return [fst_dim, snd_dim]


@pytest.mark.skip(reason="Ticket - 157136")
class TestLog(OnnxRuntimeLayerTest):
def _prepare_input(self, inputs_dict):
for input in inputs_dict.keys():
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_lrn.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,6 +8,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestLRN(OnnxRuntimeLayerTest):
def create_net(self, shape, alpha, beta, bias, size, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_neg.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,6 +8,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestNeg(OnnxRuntimeLayerTest):
def create_neg(self, shape, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_non_zero.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestNonZero(OnnxRuntimeLayerTest):
def create_net(self, shape, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_not.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestNot(OnnxRuntimeLayerTest):
def _prepare_input(self, inputs_dict):
for input in inputs_dict.keys():
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_or.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestOr(OnnxRuntimeLayerTest):
def _prepare_input(self, inputs_dict):
for input in inputs_dict.keys():
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_pad.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestPad(OnnxRuntimeLayerTest):
def create_net(self, shape, mode, pads, value, ir_version, opset=None):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_pooling.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,6 +13,7 @@ def float_array(x):
return np.array(x, dtype=float)


@pytest.mark.skip(reason="Ticket - 157136")
class TestPooling(OnnxRuntimeLayerTest):
def create_net(self, shape, kernel_shape, pads, strides, op, ir_version, count_include_pad=None,
auto_pad=None,
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_prelu.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestPRelu(OnnxRuntimeLayerTest):
def create_net(self, shape, slope_shape, precision, ir_version, opset=None):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_reduce.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,6 +8,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestReduce(OnnxRuntimeLayerTest):
def create_reduce(self, shape, reshapped_shape, op, axes, keep_dims, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_reduce_lp.py
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestReduceL1L2(OnnxRuntimeLayerTest):
def create_reduce_lp(self, shape, axes, keep_dims, reduce_p, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_relu.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,6 +8,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestRelu(OnnxRuntimeLayerTest):
def create_net(self, shape, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_reshape.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,6 +8,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestReshape(OnnxRuntimeLayerTest):
def create_reshape_net(self, input_shape, output_shape, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_resize.py
Original file line number Diff line number Diff line change
Expand Up @@ -12,6 +12,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestResize(OnnxRuntimeLayerTest):
def create_resize_net(self, input_shape, output_shape, scales, sizes,
coordinate_transformation_mode, cubic_coeff_a, mode,
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_roi_align.py
Original file line number Diff line number Diff line change
Expand Up @@ -10,6 +10,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestROIAlign(OnnxRuntimeLayerTest):
def _prepare_input(self, inputs_dict):
for input in inputs_dict.keys():
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_scatter.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestScatters(OnnxRuntimeLayerTest):
op = None

Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_sigmoid.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestSigmoid(OnnxRuntimeLayerTest):
def _prepare_input(self, inputs_dict):
for input in inputs_dict.keys():
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_sign.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,6 +8,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestSign(OnnxRuntimeLayerTest):
def create_net(self, shape, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_softmax.py
Original file line number Diff line number Diff line change
Expand Up @@ -34,6 +34,7 @@ def get_flatten_shape(src_shape, axis):
return [fst_dim, snd_dim]


@pytest.mark.skip(reason="Ticket - 157136")
class TestSoftmax(OnnxRuntimeLayerTest):
def _prepare_input(self, inputs_dict):
for input in inputs_dict.keys():
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_softplus.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,6 +8,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestSoftplus(OnnxRuntimeLayerTest):
def create_net(self, shape, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_softsign.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,6 +8,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestSoftsign(OnnxRuntimeLayerTest):
def create_net(self, shape, ir_version):
"""
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_sqrt.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestSqrt(OnnxRuntimeLayerTest):
def _prepare_input(self, inputs_dict):
for input in inputs_dict.keys():
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_trigonometry.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestTrigonomery(OnnxRuntimeLayerTest):
def _prepare_input(self, inputs_dict):
for input in inputs_dict.keys():
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_where.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestWhere(OnnxRuntimeLayerTest):
def _prepare_input(self, inputs_dict):
for input in inputs_dict.keys():
Expand Down
1 change: 1 addition & 0 deletions tests/layer_tests/onnx_tests/test_xor.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,6 +9,7 @@
from unit_tests.utils.graph import build_graph


@pytest.mark.skip(reason="Ticket - 157136")
class TestXor(OnnxRuntimeLayerTest):
def _prepare_input(self, inputs_dict):
for input in inputs_dict.keys():
Expand Down

0 comments on commit d4d1301

Please sign in to comment.