diff --git a/src/bindings/python/src/openvino/frontend/frontend.py b/src/bindings/python/src/openvino/frontend/frontend.py index 4d549d24b4ef7c..6a16d5a573b7d7 100644 --- a/src/bindings/python/src/openvino/frontend/frontend.py +++ b/src/bindings/python/src/openvino/frontend/frontend.py @@ -7,7 +7,7 @@ from openvino._pyopenvino import FrontEnd as FrontEndBase from openvino._pyopenvino import FrontEndManager as FrontEndManagerBase from openvino._pyopenvino import InputModel -from openvino.runtime import Model +from openvino import Model class FrontEnd(FrontEndBase): diff --git a/src/bindings/python/src/openvino/frontend/jax/jaxpr_decoder.py b/src/bindings/python/src/openvino/frontend/jax/jaxpr_decoder.py index 914f6b2e2ee548..9072598f824939 100644 --- a/src/bindings/python/src/openvino/frontend/jax/jaxpr_decoder.py +++ b/src/bindings/python/src/openvino/frontend/jax/jaxpr_decoder.py @@ -6,7 +6,7 @@ import jax.core from openvino.frontend.jax.py_jax_frontend import _FrontEndJaxDecoder as Decoder -from openvino.runtime import PartialShape, Type as OVType, OVAny +from openvino import PartialShape, Type as OVType, OVAny from openvino.frontend.jax.utils import jax_array_to_ov_const, get_ov_type_for_value, \ ivalue_to_constant, param_to_constants diff --git a/src/bindings/python/src/openvino/frontend/jax/utils.py b/src/bindings/python/src/openvino/frontend/jax/utils.py index 4535265d6de082..659677b11d5af8 100644 --- a/src/bindings/python/src/openvino/frontend/jax/utils.py +++ b/src/bindings/python/src/openvino/frontend/jax/utils.py @@ -8,7 +8,7 @@ import jax.numpy as jnp import numpy as np from openvino.frontend.jax.passes import filter_element, filter_ivalue, filter_param -from openvino.runtime import op, Type as OVType, Shape, OVAny +from openvino import op, Type as OVType, Shape, OVAny numpy_to_ov_type_map = { np.float32: OVType.f32, diff --git a/src/bindings/python/src/openvino/frontend/pytorch/fx_decoder.py b/src/bindings/python/src/openvino/frontend/pytorch/fx_decoder.py index c448571f1ac17a..81a2764ee1188d 100644 --- a/src/bindings/python/src/openvino/frontend/pytorch/fx_decoder.py +++ b/src/bindings/python/src/openvino/frontend/pytorch/fx_decoder.py @@ -10,7 +10,7 @@ from openvino.frontend.pytorch.py_pytorch_frontend import _FrontEndPytorchDecoder as Decoder from openvino.frontend.pytorch.py_pytorch_frontend import _Type as DecoderType -from openvino.runtime import PartialShape, Type as OVType, OVAny, Shape +from openvino import PartialShape, Type as OVType, OVAny, Shape from openvino.frontend.pytorch.utils import make_constant, fetch_attr, pt_to_ov_type_map, torch_tensor_to_ov_const logger = logging.getLogger(__name__) diff --git a/src/bindings/python/src/openvino/frontend/pytorch/torchdynamo/backend.py b/src/bindings/python/src/openvino/frontend/pytorch/torchdynamo/backend.py index 9f2ef019769875..a9a65781dcb254 100644 --- a/src/bindings/python/src/openvino/frontend/pytorch/torchdynamo/backend.py +++ b/src/bindings/python/src/openvino/frontend/pytorch/torchdynamo/backend.py @@ -18,7 +18,7 @@ from torch._decomp import decomposition_table, get_decompositions from openvino.frontend import FrontEndManager -from openvino.runtime import Core, Type, PartialShape +from openvino import Core, Type, PartialShape from openvino.frontend.pytorch.ts_decoder import TorchScriptPythonDecoder from openvino.frontend.pytorch.torchdynamo import decompositions from openvino.frontend.pytorch.torchdynamo.decompositions import get_aot_decomposition_list, get_inf_decomposition_list @@ -27,7 +27,7 @@ from openvino.frontend.pytorch.torchdynamo.compile import cached_model_name, openvino_compile_cached_model from openvino.frontend.pytorch.torchdynamo.backend_utils import _get_cache_dir, _get_device, _get_model_caching, _get_decompositions, _get_aot_autograd -from openvino.runtime import Core, Type, PartialShape +from openvino import Core, Type, PartialShape logger = logging.getLogger(__name__) logger.setLevel(logging.WARNING) diff --git a/src/bindings/python/src/openvino/frontend/pytorch/torchdynamo/backend_utils.py b/src/bindings/python/src/openvino/frontend/pytorch/torchdynamo/backend_utils.py index 47b3b82806b18b..c9a772b3feac42 100644 --- a/src/bindings/python/src/openvino/frontend/pytorch/torchdynamo/backend_utils.py +++ b/src/bindings/python/src/openvino/frontend/pytorch/torchdynamo/backend_utils.py @@ -5,7 +5,7 @@ # mypy: ignore-errors from typing import Optional, Any -from openvino.runtime import Core +from openvino import Core def _get_device(options) -> Optional[Any]: diff --git a/src/bindings/python/src/openvino/frontend/pytorch/torchdynamo/compile.py b/src/bindings/python/src/openvino/frontend/pytorch/torchdynamo/compile.py index fa446893a05d07..ca8d5478e76c15 100644 --- a/src/bindings/python/src/openvino/frontend/pytorch/torchdynamo/compile.py +++ b/src/bindings/python/src/openvino/frontend/pytorch/torchdynamo/compile.py @@ -14,7 +14,7 @@ from openvino.frontend import FrontEndManager from openvino.frontend.pytorch.fx_decoder import TorchFXPythonDecoder -from openvino.runtime import Core, Type, PartialShape, serialize +from openvino import Core, Type, PartialShape, serialize from openvino.frontend.pytorch.torchdynamo.backend_utils import _get_cache_dir, _get_device, _get_config, _is_cache_dir_in_config from typing import Callable, Optional diff --git a/src/bindings/python/src/openvino/frontend/pytorch/torchdynamo/execute.py b/src/bindings/python/src/openvino/frontend/pytorch/torchdynamo/execute.py index 4f41f7b5a6a9de..7527ad7acb37a4 100644 --- a/src/bindings/python/src/openvino/frontend/pytorch/torchdynamo/execute.py +++ b/src/bindings/python/src/openvino/frontend/pytorch/torchdynamo/execute.py @@ -20,7 +20,7 @@ from openvino.frontend.pytorch.fx_decoder import TorchFXPythonDecoder from openvino.frontend.pytorch.torchdynamo.partition import Partitioner from openvino.frontend.pytorch.torchdynamo.compile import openvino_compile -from openvino.runtime import Core, Type, PartialShape +from openvino import Core, Type, PartialShape from openvino.frontend.pytorch.torchdynamo.backend_utils import _get_cache_dir, _get_device, _get_aot_autograd from typing import Callable, Optional, Any diff --git a/src/bindings/python/src/openvino/frontend/pytorch/ts_decoder.py b/src/bindings/python/src/openvino/frontend/pytorch/ts_decoder.py index 6d8fdb1658793e..7bb8073167a654 100644 --- a/src/bindings/python/src/openvino/frontend/pytorch/ts_decoder.py +++ b/src/bindings/python/src/openvino/frontend/pytorch/ts_decoder.py @@ -6,7 +6,7 @@ from openvino.frontend.pytorch.py_pytorch_frontend import _FrontEndPytorchDecoder as Decoder from openvino.frontend.pytorch.py_pytorch_frontend import _Type as DecoderType -from openvino.runtime import op, PartialShape, Type as OVType, OVAny +from openvino import op, PartialShape, Type as OVType, OVAny from openvino.frontend.pytorch.utils import ( ivalue_to_constant, get_value_from_getattr, @@ -15,7 +15,7 @@ convert_quantized_tensor, graph_has_ops, ) -from openvino.runtime import opset11 as ops +from openvino import opset11 as ops from openvino.frontend.pytorch import quantized, patch_model from openvino.frontend.pytorch.module_extension import ModuleExtension diff --git a/src/bindings/python/src/openvino/frontend/pytorch/utils.py b/src/bindings/python/src/openvino/frontend/pytorch/utils.py index 826d766505fa79..9ba36707037c9e 100644 --- a/src/bindings/python/src/openvino/frontend/pytorch/utils.py +++ b/src/bindings/python/src/openvino/frontend/pytorch/utils.py @@ -7,8 +7,8 @@ import torch import numpy as np -from openvino.runtime import op, Type as OVType, Shape, Tensor -from openvino.runtime import opset11 as ops +from openvino import op, Type as OVType, Shape, Tensor +from openvino import opset11 as ops def make_constant(*args, **kwargs): diff --git a/src/bindings/python/src/openvino/frontend/tensorflow/node_decoder.py b/src/bindings/python/src/openvino/frontend/tensorflow/node_decoder.py index fcedd7a74c2b51..d15262cbc30366 100644 --- a/src/bindings/python/src/openvino/frontend/tensorflow/node_decoder.py +++ b/src/bindings/python/src/openvino/frontend/tensorflow/node_decoder.py @@ -7,7 +7,7 @@ import numpy as np import tensorflow as tf from openvino.frontend.tensorflow.py_tensorflow_frontend import _FrontEndDecoderBase as DecoderBase -from openvino.runtime import PartialShape, Type, OVAny, Tensor +from openvino import PartialShape, Type, OVAny, Tensor def tf_type_to_ov_type(tf_type_int): diff --git a/src/bindings/python/src/openvino/frontend/tensorflow/utils.py b/src/bindings/python/src/openvino/frontend/tensorflow/utils.py index 74c0dfff92297e..7de5dc950be53e 100644 --- a/src/bindings/python/src/openvino/frontend/tensorflow/utils.py +++ b/src/bindings/python/src/openvino/frontend/tensorflow/utils.py @@ -8,7 +8,7 @@ import logging as log import numpy as np import sys -from openvino.runtime import PartialShape, Dimension, Type +from openvino import PartialShape, Dimension, Type from packaging.version import parse, Version from typing import List, Dict, Union diff --git a/src/bindings/python/src/openvino/helpers/packing.py b/src/bindings/python/src/openvino/helpers/packing.py index 796af87402f3a6..d0956e09fc6261 100644 --- a/src/bindings/python/src/openvino/helpers/packing.py +++ b/src/bindings/python/src/openvino/helpers/packing.py @@ -5,7 +5,7 @@ import numpy as np from typing import Union -from openvino.runtime import Type, Shape +from openvino import Type, Shape def pack_data(array: np.ndarray, type: Type) -> np.ndarray: diff --git a/src/bindings/python/src/openvino/opset1/ops.py b/src/bindings/python/src/openvino/opset1/ops.py index edca6c62a0b246..e264aea304fb1f 100644 --- a/src/bindings/python/src/openvino/opset1/ops.py +++ b/src/bindings/python/src/openvino/opset1/ops.py @@ -8,17 +8,17 @@ import numpy as np from functools import partial -from openvino.runtime import Node, PartialShape, Type +from openvino import Node, PartialShape, Type from openvino.op import Constant, Parameter, tensor_iterator -from openvino.runtime.opset_utils import _get_node_factory -from openvino.runtime.utils.decorators import binary_op, nameable_op, unary_op -from openvino.runtime.utils.input_validation import ( +from openvino.utils.node_factory import _get_node_factory +from openvino.utils.decorators import binary_op, nameable_op, unary_op +from openvino.utils.input_validation import ( check_valid_attributes, is_non_negative_value, is_positive_value, ) -from openvino.runtime.utils.node_factory import NodeFactory -from openvino.runtime.utils.types import ( +from openvino.utils.node_factory import NodeFactory +from openvino.utils.types import ( NodeInput, NumericData, NumericType, diff --git a/src/bindings/python/src/openvino/opset10/ops.py b/src/bindings/python/src/openvino/opset10/ops.py index c7b75777484a59..d0bc3cbf1cba4a 100644 --- a/src/bindings/python/src/openvino/opset10/ops.py +++ b/src/bindings/python/src/openvino/opset10/ops.py @@ -6,10 +6,10 @@ from functools import partial from typing import List, Optional -from openvino.runtime import Node -from openvino.runtime.opset_utils import _get_node_factory -from openvino.runtime.utils.decorators import nameable_op -from openvino.runtime.utils.types import ( +from openvino import Node +from openvino.utils.node_factory import _get_node_factory +from openvino.utils.decorators import nameable_op +from openvino.utils.types import ( NodeInput, as_nodes, as_node, diff --git a/src/bindings/python/src/openvino/opset11/ops.py b/src/bindings/python/src/openvino/opset11/ops.py index 575c99501d2d6c..95767b4800db1c 100644 --- a/src/bindings/python/src/openvino/opset11/ops.py +++ b/src/bindings/python/src/openvino/opset11/ops.py @@ -6,10 +6,10 @@ from functools import partial from typing import List, Optional -from openvino.runtime import Node -from openvino.runtime.opset_utils import _get_node_factory -from openvino.runtime.utils.decorators import nameable_op -from openvino.runtime.utils.types import ( +from openvino import Node +from openvino.utils.node_factory import _get_node_factory +from openvino.utils.decorators import nameable_op +from openvino.utils.types import ( NodeInput, as_nodes, ) diff --git a/src/bindings/python/src/openvino/opset12/ops.py b/src/bindings/python/src/openvino/opset12/ops.py index 928bf4f71a9773..4b354b1fcff973 100644 --- a/src/bindings/python/src/openvino/opset12/ops.py +++ b/src/bindings/python/src/openvino/opset12/ops.py @@ -6,10 +6,10 @@ from functools import partial from typing import Optional -from openvino.runtime import Node -from openvino.runtime.opset_utils import _get_node_factory -from openvino.runtime.utils.decorators import nameable_op -from openvino.runtime.utils.types import ( +from openvino import Node +from openvino.utils.node_factory import _get_node_factory +from openvino.utils.decorators import nameable_op +from openvino.utils.types import ( NodeInput, as_nodes, as_node, diff --git a/src/bindings/python/src/openvino/opset13/ops.py b/src/bindings/python/src/openvino/opset13/ops.py index 12f0d06b1a28e6..5c6863740120f8 100644 --- a/src/bindings/python/src/openvino/opset13/ops.py +++ b/src/bindings/python/src/openvino/opset13/ops.py @@ -11,12 +11,12 @@ log = logging.getLogger(__name__) -from openvino.runtime import Node, Shape, Type, Output, Tensor +from openvino import Node, Shape, Type, Output, Tensor from openvino.op import Constant, Result from openvino.opset1 import convert_like -from openvino.runtime.opset_utils import _get_node_factory -from openvino.runtime.utils.decorators import binary_op, nameable_op, unary_op, overloading -from openvino.runtime.utils.types import ( +from openvino.utils.node_factory import _get_node_factory +from openvino.utils.decorators import binary_op, nameable_op, unary_op, overloading +from openvino.utils.types import ( NumericData, NodeInput, NumericType, diff --git a/src/bindings/python/src/openvino/opset14/ops.py b/src/bindings/python/src/openvino/opset14/ops.py index fa872d24eb7f1a..59e1bfd3e89c6f 100644 --- a/src/bindings/python/src/openvino/opset14/ops.py +++ b/src/bindings/python/src/openvino/opset14/ops.py @@ -7,11 +7,11 @@ from typing import Union, Optional, List -from openvino.runtime import Node, Type -from openvino.runtime.opset_utils import _get_node_factory -from openvino.runtime.utils.types import TensorShape -from openvino.runtime.utils.decorators import nameable_op -from openvino.runtime.utils.types import NodeInput, as_node, as_nodes +from openvino import Node, Type +from openvino.utils.node_factory import _get_node_factory +from openvino.utils.types import TensorShape +from openvino.utils.decorators import nameable_op +from openvino.utils.types import NodeInput, as_node, as_nodes _get_node_factory_opset14 = partial(_get_node_factory, "opset14") diff --git a/src/bindings/python/src/openvino/opset15/ops.py b/src/bindings/python/src/openvino/opset15/ops.py index 8e6b8bd46d5f7c..97d4419fc4834b 100644 --- a/src/bindings/python/src/openvino/opset15/ops.py +++ b/src/bindings/python/src/openvino/opset15/ops.py @@ -7,12 +7,12 @@ from typing import List, Literal, Optional import numpy as np -from openvino.runtime import Node, Type +from openvino import Node, Type from openvino.opset1 import convert_like from openvino.opset14 import constant -from openvino.runtime.opset_utils import _get_node_factory -from openvino.runtime.utils.decorators import binary_op, nameable_op -from openvino.runtime.utils.types import NodeInput, as_nodes +from openvino.utils.node_factory import _get_node_factory +from openvino.utils.decorators import binary_op, nameable_op +from openvino.utils.types import NodeInput, as_nodes _get_node_factory_opset15 = partial(_get_node_factory, "opset15") diff --git a/src/bindings/python/src/openvino/opset16/ops.py b/src/bindings/python/src/openvino/opset16/ops.py index 60656f6d993b6a..e5ebdc7a2a11d6 100644 --- a/src/bindings/python/src/openvino/opset16/ops.py +++ b/src/bindings/python/src/openvino/opset16/ops.py @@ -6,10 +6,10 @@ from functools import partial from typing import Optional -from openvino.runtime import Node -from openvino.runtime.utils.decorators import nameable_op -from openvino.runtime.opset_utils import _get_node_factory -from openvino.runtime.utils.types import NodeInput, as_nodes +from openvino import Node +from openvino.utils.decorators import nameable_op +from openvino.utils.node_factory import _get_node_factory +from openvino.utils.types import NodeInput, as_nodes _get_node_factory_opset16 = partial(_get_node_factory, "opset16") diff --git a/src/bindings/python/src/openvino/opset2/ops.py b/src/bindings/python/src/openvino/opset2/ops.py index 45b33f5bc0288b..f76f608fe9a5c7 100644 --- a/src/bindings/python/src/openvino/opset2/ops.py +++ b/src/bindings/python/src/openvino/opset2/ops.py @@ -9,18 +9,17 @@ from functools import partial import warnings -from openvino.runtime import Node, Shape +from openvino import Node, Shape from openvino.op import Constant, Parameter -from openvino.runtime.opset_utils import _get_node_factory -from openvino.runtime.utils.decorators import binary_op, nameable_op, unary_op -from openvino.runtime.utils.input_validation import ( +from openvino.utils.decorators import binary_op, nameable_op, unary_op +from openvino.utils.input_validation import ( assert_list_of_ints, check_valid_attributes, is_non_negative_value, is_positive_value, ) -from openvino.runtime.utils.node_factory import NodeFactory -from openvino.runtime.utils.types import ( +from openvino.utils.node_factory import NodeFactory, _get_node_factory +from openvino.utils.types import ( NodeInput, NumericData, NumericType, diff --git a/src/bindings/python/src/openvino/opset3/ops.py b/src/bindings/python/src/openvino/opset3/ops.py index 989f5819acb685..1c2c7e309fe919 100644 --- a/src/bindings/python/src/openvino/opset3/ops.py +++ b/src/bindings/python/src/openvino/opset3/ops.py @@ -8,18 +8,17 @@ import numpy as np from functools import partial -from openvino.runtime import Node, Shape +from openvino import Node, Shape from openvino.op import Constant, Parameter -from openvino.runtime.opset_utils import _get_node_factory -from openvino.runtime.utils.decorators import binary_op, nameable_op, unary_op -from openvino.runtime.utils.input_validation import ( +from openvino.utils.decorators import binary_op, nameable_op, unary_op +from openvino.utils.input_validation import ( assert_list_of_ints, check_valid_attributes, is_non_negative_value, is_positive_value, ) -from openvino.runtime.utils.node_factory import NodeFactory -from openvino.runtime.utils.types import ( +from openvino.utils.node_factory import NodeFactory, _get_node_factory +from openvino.utils.types import ( NodeInput, NumericData, NumericType, diff --git a/src/bindings/python/src/openvino/opset4/ops.py b/src/bindings/python/src/openvino/opset4/ops.py index 4f6ba016852b02..e6f3a3a1550937 100644 --- a/src/bindings/python/src/openvino/opset4/ops.py +++ b/src/bindings/python/src/openvino/opset4/ops.py @@ -8,18 +8,17 @@ import numpy as np from functools import partial -from openvino.runtime import Node, Shape +from openvino import Node, Shape from openvino.op import Constant, Parameter -from openvino.runtime.opset_utils import _get_node_factory -from openvino.runtime.utils.decorators import binary_op, nameable_op, unary_op -from openvino.runtime.utils.input_validation import ( +from openvino.utils.decorators import binary_op, nameable_op, unary_op +from openvino.utils.input_validation import ( assert_list_of_ints, check_valid_attributes, is_non_negative_value, is_positive_value, ) -from openvino.runtime.utils.node_factory import NodeFactory -from openvino.runtime.utils.types import ( +from openvino.utils.node_factory import NodeFactory, _get_node_factory +from openvino.utils.types import ( NodeInput, NumericData, NumericType, diff --git a/src/bindings/python/src/openvino/opset5/ops.py b/src/bindings/python/src/openvino/opset5/ops.py index 20057b78c7c31d..9217830752b1d8 100644 --- a/src/bindings/python/src/openvino/opset5/ops.py +++ b/src/bindings/python/src/openvino/opset5/ops.py @@ -8,18 +8,17 @@ import numpy as np from functools import partial -from openvino.runtime import Node, Shape +from openvino import Node, Shape from openvino.op import Constant, Parameter, loop -from openvino.runtime.opset_utils import _get_node_factory -from openvino.runtime.utils.decorators import binary_op, nameable_op, unary_op -from openvino.runtime.utils.input_validation import ( +from openvino.utils.decorators import binary_op, nameable_op, unary_op +from openvino.utils.input_validation import ( assert_list_of_ints, check_valid_attributes, is_non_negative_value, is_positive_value, ) -from openvino.runtime.utils.node_factory import NodeFactory -from openvino.runtime.utils.types import ( +from openvino.utils.node_factory import NodeFactory, _get_node_factory +from openvino.utils.types import ( NodeInput, NumericData, NumericType, diff --git a/src/bindings/python/src/openvino/opset6/ops.py b/src/bindings/python/src/openvino/opset6/ops.py index 8020715f20dea3..340d0405b4ba23 100644 --- a/src/bindings/python/src/openvino/opset6/ops.py +++ b/src/bindings/python/src/openvino/opset6/ops.py @@ -9,13 +9,13 @@ from functools import partial, singledispatch -from openvino.runtime import Node, Type, PartialShape, Output, Shape +from openvino import Node, Type, PartialShape, Output, Shape from openvino.op import assign, Constant, Parameter from openvino.op import read_value as _read_value from openvino.op.util import VariableInfo, Variable -from openvino.runtime.opset_utils import _get_node_factory -from openvino.runtime.utils.decorators import nameable_op, overloading -from openvino.runtime.utils.types import ( +from openvino.utils.node_factory import _get_node_factory +from openvino.utils.decorators import nameable_op, overloading +from openvino.utils.types import ( NodeInput, NumericType, TensorShape, diff --git a/src/bindings/python/src/openvino/opset7/ops.py b/src/bindings/python/src/openvino/opset7/ops.py index 59e09b64888eb1..e33d266debedf1 100644 --- a/src/bindings/python/src/openvino/opset7/ops.py +++ b/src/bindings/python/src/openvino/opset7/ops.py @@ -7,18 +7,17 @@ from typing import Callable, Iterable, List, Optional, Set, Union import numpy as np -from openvino.runtime import Node, Shape +from openvino import Node, Shape from openvino.op import Constant, Parameter -from openvino.runtime.opset_utils import _get_node_factory -from openvino.runtime.utils.decorators import binary_op, nameable_op, unary_op -from openvino.runtime.utils.input_validation import ( +from openvino.utils.decorators import binary_op, nameable_op, unary_op +from openvino.utils.input_validation import ( assert_list_of_ints, check_valid_attributes, is_non_negative_value, is_positive_value, ) -from openvino.runtime.utils.node_factory import NodeFactory -from openvino.runtime.utils.types import ( +from openvino.utils.node_factory import NodeFactory, _get_node_factory +from openvino.utils.types import ( NodeInput, NumericData, NumericType, diff --git a/src/bindings/python/src/openvino/opset8/ops.py b/src/bindings/python/src/openvino/opset8/ops.py index 6995d55a28a776..a9a868e7b541d8 100644 --- a/src/bindings/python/src/openvino/opset8/ops.py +++ b/src/bindings/python/src/openvino/opset8/ops.py @@ -9,15 +9,15 @@ import numpy as np from openvino.exceptions import UserInputError from openvino.op import Constant, Parameter, if_op -from openvino.runtime import Node -from openvino.runtime.opset_utils import _get_node_factory -from openvino.runtime.utils.decorators import nameable_op -from openvino.runtime.utils.input_validation import ( +from openvino import Node +from openvino.utils.node_factory import _get_node_factory +from openvino.utils.decorators import nameable_op +from openvino.utils.input_validation import ( check_valid_attributes, is_non_negative_value, is_positive_value, ) -from openvino.runtime.utils.types import ( +from openvino.utils.types import ( NodeInput, TensorShape, as_node, diff --git a/src/bindings/python/src/openvino/opset9/ops.py b/src/bindings/python/src/openvino/opset9/ops.py index a6d45cfd0be2cc..e2264845e058dc 100644 --- a/src/bindings/python/src/openvino/opset9/ops.py +++ b/src/bindings/python/src/openvino/opset9/ops.py @@ -7,10 +7,10 @@ from typing import Optional import numpy as np -from openvino.runtime import Node -from openvino.runtime.opset_utils import _get_node_factory -from openvino.runtime.utils.decorators import nameable_op -from openvino.runtime.utils.types import ( +from openvino import Node +from openvino.utils.node_factory import _get_node_factory +from openvino.utils.decorators import nameable_op +from openvino.utils.types import ( NodeInput, as_nodes, as_node, diff --git a/src/bindings/python/src/openvino/preprocess/torchvision/preprocess_converter.py b/src/bindings/python/src/openvino/preprocess/torchvision/preprocess_converter.py index c14635cc118208..717e945217468c 100644 --- a/src/bindings/python/src/openvino/preprocess/torchvision/preprocess_converter.py +++ b/src/bindings/python/src/openvino/preprocess/torchvision/preprocess_converter.py @@ -5,7 +5,7 @@ from typing import Callable, Any, Union import logging -import openvino.runtime as ov +import openvino as ov class PreprocessConverter(): diff --git a/src/bindings/python/src/openvino/preprocess/torchvision/torchvision_preprocessing.py b/src/bindings/python/src/openvino/preprocess/torchvision/torchvision_preprocessing.py index f8b51afd546f57..5dad42b47da44a 100644 --- a/src/bindings/python/src/openvino/preprocess/torchvision/torchvision_preprocessing.py +++ b/src/bindings/python/src/openvino/preprocess/torchvision/torchvision_preprocessing.py @@ -20,10 +20,10 @@ import torchvision.transforms as transforms from torchvision.transforms import InterpolationMode -import openvino.runtime as ov -import openvino.runtime.opset11 as ops -from openvino.runtime import Layout, Type -from openvino.runtime.utils.decorators import custom_preprocess_function +import openvino as ov +import openvino.opset11 as ops +from openvino import Layout, Type +from openvino.utils.decorators import custom_preprocess_function from openvino.preprocess import PrePostProcessor, ResizeAlgorithm, ColorFormat diff --git a/src/bindings/python/src/openvino/utils/broadcasting.py b/src/bindings/python/src/openvino/utils/broadcasting.py index a950aea9bba820..01549625e2c628 100644 --- a/src/bindings/python/src/openvino/utils/broadcasting.py +++ b/src/bindings/python/src/openvino/utils/broadcasting.py @@ -5,7 +5,7 @@ import logging from typing import Optional -from openvino.runtime import AxisSet +from openvino import AxisSet from openvino.utils.types import ( TensorShape, ) diff --git a/src/bindings/python/src/openvino/utils/decorators.py b/src/bindings/python/src/openvino/utils/decorators.py index 604c0745860bf6..9418c359d129e8 100644 --- a/src/bindings/python/src/openvino/utils/decorators.py +++ b/src/bindings/python/src/openvino/utils/decorators.py @@ -6,7 +6,7 @@ from inspect import signature from typing import Any, Callable, Dict, Optional, Union, get_origin, get_args -from openvino.runtime import Node, Output +from openvino import Node, Output from openvino.utils.types import NodeInput, as_node, as_nodes diff --git a/src/bindings/python/src/openvino/utils/input_validation.py b/src/bindings/python/src/openvino/utils/input_validation.py index e79a16c48581b1..1de08452e1da9f 100644 --- a/src/bindings/python/src/openvino/utils/input_validation.py +++ b/src/bindings/python/src/openvino/utils/input_validation.py @@ -9,7 +9,7 @@ import numpy as np -from openvino.runtime.exceptions import UserInputError +from openvino.exceptions import UserInputError log = logging.getLogger(__name__) diff --git a/src/bindings/python/src/openvino/utils/node_factory.py b/src/bindings/python/src/openvino/utils/node_factory.py index 9841daaea4e818..e999ae6988814a 100644 --- a/src/bindings/python/src/openvino/utils/node_factory.py +++ b/src/bindings/python/src/openvino/utils/node_factory.py @@ -9,9 +9,9 @@ from openvino._pyopenvino import NodeFactory as _NodeFactory -from openvino.runtime import Node, Output, Extension +from openvino import Node, Output, Extension -from openvino.runtime.exceptions import UserInputError +from openvino.exceptions import UserInputError DEFAULT_OPSET = "opset13" diff --git a/src/bindings/python/src/openvino/utils/reduction.py b/src/bindings/python/src/openvino/utils/reduction.py index 71d0af8de7376e..e6be6d0ac9a104 100644 --- a/src/bindings/python/src/openvino/utils/reduction.py +++ b/src/bindings/python/src/openvino/utils/reduction.py @@ -4,7 +4,7 @@ from typing import Iterable, Optional -from openvino.runtime import Node +from openvino import Node def get_reduction_axes(node: Node, reduction_axes: Optional[Iterable[int]]) -> Iterable[int]: diff --git a/src/bindings/python/src/openvino/utils/types.py b/src/bindings/python/src/openvino/utils/types.py index 854cc0c7f6411d..b3543739741d94 100644 --- a/src/bindings/python/src/openvino/utils/types.py +++ b/src/bindings/python/src/openvino/utils/types.py @@ -9,8 +9,8 @@ import numpy as np -from openvino.runtime.exceptions import OVTypeError -from openvino.runtime import Node, Shape, Output, Type +from openvino.exceptions import OVTypeError +from openvino import Node, Shape, Output, Type from openvino.op import Constant log = logging.getLogger(__name__)