From d4e3485f9e548971f17426505ae7c1c52f501219 Mon Sep 17 00:00:00 2001 From: pinto0309 Date: Wed, 5 Oct 2022 09:05:15 +0900 Subject: [PATCH] revert --- onnx2tf/__init__.py | 2 +- onnx2tf/onnx2tf.py | 6 +++--- onnx2tf/ops/Abs.py | 2 +- onnx2tf/ops/Acos.py | 2 +- onnx2tf/ops/Acosh.py | 2 +- onnx2tf/ops/Add.py | 2 +- onnx2tf/ops/And.py | 2 +- onnx2tf/ops/ArgMax.py | 2 +- onnx2tf/ops/ArgMin.py | 2 +- onnx2tf/ops/Asin.py | 2 +- onnx2tf/ops/Asinh.py | 2 +- onnx2tf/ops/Atan.py | 2 +- onnx2tf/ops/Atanh.py | 2 +- onnx2tf/ops/AveragePool.py | 4 ++-- onnx2tf/ops/BatchNormalization.py | 2 +- onnx2tf/ops/BitShift.py | 2 +- onnx2tf/ops/Cast.py | 4 ++-- onnx2tf/ops/Ceil.py | 2 +- onnx2tf/ops/Clip.py | 2 +- onnx2tf/ops/Compress.py | 2 +- onnx2tf/ops/Concat.py | 2 +- onnx2tf/ops/ConcatFromSequence.py | 2 +- onnx2tf/ops/Constant.py | 4 ++-- onnx2tf/ops/ConstantOfShape.py | 2 +- onnx2tf/ops/Conv.py | 4 ++-- onnx2tf/ops/Cos.py | 2 +- onnx2tf/ops/Cosh.py | 2 +- onnx2tf/ops/Div.py | 2 +- onnx2tf/ops/Einsum.py | 2 +- onnx2tf/ops/Equal.py | 2 +- onnx2tf/ops/Erf.py | 2 +- onnx2tf/ops/Exp.py | 2 +- onnx2tf/ops/Expand.py | 2 +- onnx2tf/ops/Flatten.py | 2 +- onnx2tf/ops/Floor.py | 2 +- onnx2tf/ops/GatherND.py | 2 +- onnx2tf/ops/Gemm.py | 2 +- onnx2tf/ops/GlobalAveragePool.py | 2 +- onnx2tf/ops/GlobalLpPool.py | 2 +- onnx2tf/ops/GlobalMaxPool.py | 2 +- onnx2tf/ops/Greater.py | 2 +- onnx2tf/ops/GreaterOrEqual.py | 2 +- onnx2tf/ops/HardSigmoid.py | 2 +- onnx2tf/ops/HardSwish.py | 2 +- onnx2tf/ops/Input.py | 4 ++-- onnx2tf/ops/LeakyRelu.py | 2 +- onnx2tf/ops/Less.py | 2 +- onnx2tf/ops/LessOrEqual.py | 2 +- onnx2tf/ops/MatMul.py | 2 +- onnx2tf/ops/Max.py | 2 +- onnx2tf/ops/MaxPool.py | 2 +- onnx2tf/ops/Min.py | 2 +- onnx2tf/ops/Mod.py | 2 +- onnx2tf/ops/Mul.py | 2 +- onnx2tf/ops/Neg.py | 2 +- onnx2tf/ops/NonZero.py | 2 +- onnx2tf/ops/Not.py | 2 +- onnx2tf/ops/Or.py | 2 +- onnx2tf/ops/Pad.py | 2 +- onnx2tf/ops/Pow.py | 2 +- onnx2tf/ops/RandomNormal.py | 4 ++-- onnx2tf/ops/RandomNormalLike.py | 4 ++-- onnx2tf/ops/RandomUniform.py | 4 ++-- onnx2tf/ops/RandomUniformLike.py | 4 ++-- onnx2tf/ops/Reciprocal.py | 2 +- onnx2tf/ops/ReduceL1.py | 2 +- onnx2tf/ops/ReduceL2.py | 2 +- onnx2tf/ops/ReduceLogSumExp.py | 2 +- onnx2tf/ops/ReduceMax.py | 2 +- onnx2tf/ops/ReduceMean.py | 2 +- onnx2tf/ops/ReduceMin.py | 2 +- onnx2tf/ops/ReduceProd.py | 2 +- onnx2tf/ops/ReduceSum.py | 4 ++-- onnx2tf/ops/Relu.py | 2 +- onnx2tf/ops/Reshape.py | 4 ++-- onnx2tf/ops/Resize.py | 2 +- onnx2tf/ops/Round.py | 2 +- onnx2tf/ops/ScatterND.py | 2 +- onnx2tf/ops/Shape.py | 2 +- onnx2tf/ops/Sigmoid.py | 2 +- onnx2tf/ops/Sign.py | 2 +- onnx2tf/ops/Sin.py | 2 +- onnx2tf/ops/Sinh.py | 2 +- onnx2tf/ops/Slice.py | 4 ++-- onnx2tf/ops/Softmax.py | 2 +- onnx2tf/ops/Softplus.py | 2 +- onnx2tf/ops/Split.py | 2 +- onnx2tf/ops/Sqrt.py | 2 +- onnx2tf/ops/Squeeze.py | 2 +- onnx2tf/ops/Sub.py | 2 +- onnx2tf/ops/Tan.py | 2 +- onnx2tf/ops/Tanh.py | 2 +- onnx2tf/ops/Tile.py | 2 +- onnx2tf/ops/TopK.py | 2 +- onnx2tf/ops/Transpose.py | 2 +- onnx2tf/ops/Unsqueeze.py | 2 +- onnx2tf/ops/Xor.py | 2 +- onnx2tf/ops/__init__.py | 2 +- onnx2tf/utils/common_functions.py | 2 +- 99 files changed, 113 insertions(+), 113 deletions(-) diff --git a/onnx2tf/__init__.py b/onnx2tf/__init__.py index 7c132420..c19ddc37 100644 --- a/onnx2tf/__init__.py +++ b/onnx2tf/__init__.py @@ -1,3 +1,3 @@ -from onnx2tf import convert, main +from onnx2tf.onnx2tf import convert, main __version__ = '0.0.7' diff --git a/onnx2tf/onnx2tf.py b/onnx2tf/onnx2tf.py index f478645d..a24d4101 100644 --- a/onnx2tf/onnx2tf.py +++ b/onnx2tf/onnx2tf.py @@ -28,7 +28,7 @@ from argparse import ArgumentParser import importlib -from utils.colors import Color +from onnx2tf.utils.colors import Color def convert( input_onnx_file_path: Optional[str] = '', @@ -176,7 +176,7 @@ def convert( graph_input.dtype: dtype('float32') graph_input.name: 'input' """ - op = importlib.import_module(f'ops.Input') + op = importlib.import_module(f'onnx2tf.ops.Input') op.make_node( graph_input=graph_input, tf_layers_dict=tf_layers_dict, @@ -188,7 +188,7 @@ def convert( # https://github.com/onnx/onnx/blob/main/docs/Operators.md for graph_node in graph.nodes: optype = graph_node.op - op = importlib.import_module(f'ops.{optype}') + op = importlib.import_module(f'onnx2tf.ops.{optype}') op.make_node( graph_node=graph_node, tf_layers_dict=tf_layers_dict, diff --git a/onnx2tf/ops/Abs.py b/onnx2tf/ops/Abs.py index 49c41f9c..c86264bc 100644 --- a/onnx2tf/ops/Abs.py +++ b/onnx2tf/ops/Abs.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Acos.py b/onnx2tf/ops/Acos.py index 374769e4..eaf55a27 100644 --- a/onnx2tf/ops/Acos.py +++ b/onnx2tf/ops/Acos.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( alternative_acos, get_constant_or_variable, print_node_info, diff --git a/onnx2tf/ops/Acosh.py b/onnx2tf/ops/Acosh.py index 9bdd036b..fa001994 100644 --- a/onnx2tf/ops/Acosh.py +++ b/onnx2tf/ops/Acosh.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Add.py b/onnx2tf/ops/Add.py index a5dfb095..f8467105 100644 --- a/onnx2tf/ops/Add.py +++ b/onnx2tf/ops/Add.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/And.py b/onnx2tf/ops/And.py index 9972c667..42851c5b 100644 --- a/onnx2tf/ops/And.py +++ b/onnx2tf/ops/And.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/ArgMax.py b/onnx2tf/ops/ArgMax.py index a60623e6..97c50c16 100644 --- a/onnx2tf/ops/ArgMax.py +++ b/onnx2tf/ops/ArgMax.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( convert_axis, alternative_argmax, get_constant_or_variable, diff --git a/onnx2tf/ops/ArgMin.py b/onnx2tf/ops/ArgMin.py index 53be4ae1..e5a36976 100644 --- a/onnx2tf/ops/ArgMin.py +++ b/onnx2tf/ops/ArgMin.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( convert_axis, get_constant_or_variable, print_node_info, diff --git a/onnx2tf/ops/Asin.py b/onnx2tf/ops/Asin.py index 10b37c18..c31c0991 100644 --- a/onnx2tf/ops/Asin.py +++ b/onnx2tf/ops/Asin.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( alternative_asin, get_constant_or_variable, print_node_info, diff --git a/onnx2tf/ops/Asinh.py b/onnx2tf/ops/Asinh.py index 70c5a853..ce03c8d9 100644 --- a/onnx2tf/ops/Asinh.py +++ b/onnx2tf/ops/Asinh.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Atan.py b/onnx2tf/ops/Atan.py index 96d95e8f..d598f3f0 100644 --- a/onnx2tf/ops/Atan.py +++ b/onnx2tf/ops/Atan.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Atanh.py b/onnx2tf/ops/Atanh.py index ceac789c..6cdb94db 100644 --- a/onnx2tf/ops/Atanh.py +++ b/onnx2tf/ops/Atanh.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/AveragePool.py b/onnx2tf/ops/AveragePool.py index 1528d1d5..c41b6b67 100644 --- a/onnx2tf/ops/AveragePool.py +++ b/onnx2tf/ops/AveragePool.py @@ -9,8 +9,8 @@ AveragePooling2D, AveragePooling3D, ) -from utils.colors import Color -from utils.common_functions import ( +from onnx2tf.utils.colors import Color +from onnx2tf.utils.common_functions import ( get_constant_or_variable, calc_pads_same_pooling, pad_input, diff --git a/onnx2tf/ops/BatchNormalization.py b/onnx2tf/ops/BatchNormalization.py index 42eae486..f2f0461d 100644 --- a/onnx2tf/ops/BatchNormalization.py +++ b/onnx2tf/ops/BatchNormalization.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( print_node_info, inverted_operation_enable_disable, ) diff --git a/onnx2tf/ops/BitShift.py b/onnx2tf/ops/BitShift.py index 512add03..f5335dfc 100644 --- a/onnx2tf/ops/BitShift.py +++ b/onnx2tf/ops/BitShift.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Cast.py b/onnx2tf/ops/Cast.py index 6683da7f..92555fb3 100644 --- a/onnx2tf/ops/Cast.py +++ b/onnx2tf/ops/Cast.py @@ -5,8 +5,8 @@ import tensorflow as tf from onnx import TensorProto import onnx_graphsurgeon as gs -from utils.enums import ONNX_DTYPES_TO_TF_DTYPES -from utils.common_functions import ( +from onnx2tf.utils.enums import ONNX_DTYPES_TO_TF_DTYPES +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Ceil.py b/onnx2tf/ops/Ceil.py index 78096a64..05795090 100644 --- a/onnx2tf/ops/Ceil.py +++ b/onnx2tf/ops/Ceil.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Clip.py b/onnx2tf/ops/Clip.py index ed966abf..45a613a6 100644 --- a/onnx2tf/ops/Clip.py +++ b/onnx2tf/ops/Clip.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Compress.py b/onnx2tf/ops/Compress.py index d9532873..f2e476e6 100644 --- a/onnx2tf/ops/Compress.py +++ b/onnx2tf/ops/Compress.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( convert_axis, get_constant_or_variable, print_node_info, diff --git a/onnx2tf/ops/Concat.py b/onnx2tf/ops/Concat.py index fcd4d47e..3ff8771c 100644 --- a/onnx2tf/ops/Concat.py +++ b/onnx2tf/ops/Concat.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( convert_axis, get_constant_or_variable, print_node_info, diff --git a/onnx2tf/ops/ConcatFromSequence.py b/onnx2tf/ops/ConcatFromSequence.py index cffd5426..a565dc7e 100644 --- a/onnx2tf/ops/ConcatFromSequence.py +++ b/onnx2tf/ops/ConcatFromSequence.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( convert_axis, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Constant.py b/onnx2tf/ops/Constant.py index 915e91f6..253069d0 100644 --- a/onnx2tf/ops/Constant.py +++ b/onnx2tf/ops/Constant.py @@ -5,8 +5,8 @@ import tensorflow as tf from onnx import numpy_helper import onnx_graphsurgeon as gs -from utils.enums import ONNX_DTYPES_TO_TF_DTYPES -from utils.common_functions import ( +from onnx2tf.utils.enums import ONNX_DTYPES_TO_TF_DTYPES +from onnx2tf.utils.common_functions import ( print_node_info, ) diff --git a/onnx2tf/ops/ConstantOfShape.py b/onnx2tf/ops/ConstantOfShape.py index ca62d955..7ac1f015 100644 --- a/onnx2tf/ops/ConstantOfShape.py +++ b/onnx2tf/ops/ConstantOfShape.py @@ -5,7 +5,7 @@ import tensorflow as tf from onnx import numpy_helper import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( print_node_info, ) diff --git a/onnx2tf/ops/Conv.py b/onnx2tf/ops/Conv.py index 7a88841c..83643dfb 100644 --- a/onnx2tf/ops/Conv.py +++ b/onnx2tf/ops/Conv.py @@ -4,14 +4,14 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, get_weights_constant_or_variable, get_padding_as_op, print_node_info, inverted_operation_enable_disable, ) -from utils.colors import Color +from onnx2tf.utils.colors import Color @print_node_info diff --git a/onnx2tf/ops/Cos.py b/onnx2tf/ops/Cos.py index 3dd7de99..dc2c77a3 100644 --- a/onnx2tf/ops/Cos.py +++ b/onnx2tf/ops/Cos.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Cosh.py b/onnx2tf/ops/Cosh.py index 50dda833..7c5f074c 100644 --- a/onnx2tf/ops/Cosh.py +++ b/onnx2tf/ops/Cosh.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Div.py b/onnx2tf/ops/Div.py index 34e76885..ff9c816f 100644 --- a/onnx2tf/ops/Div.py +++ b/onnx2tf/ops/Div.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Einsum.py b/onnx2tf/ops/Einsum.py index f63cd147..0c7d4a30 100644 --- a/onnx2tf/ops/Einsum.py +++ b/onnx2tf/ops/Einsum.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Equal.py b/onnx2tf/ops/Equal.py index c7a88b39..52acc7ab 100644 --- a/onnx2tf/ops/Equal.py +++ b/onnx2tf/ops/Equal.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Erf.py b/onnx2tf/ops/Erf.py index 4ea64494..d820507d 100644 --- a/onnx2tf/ops/Erf.py +++ b/onnx2tf/ops/Erf.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Exp.py b/onnx2tf/ops/Exp.py index ab64d87a..46f2f8bb 100644 --- a/onnx2tf/ops/Exp.py +++ b/onnx2tf/ops/Exp.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Expand.py b/onnx2tf/ops/Expand.py index 84ecadc5..596acb56 100644 --- a/onnx2tf/ops/Expand.py +++ b/onnx2tf/ops/Expand.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Flatten.py b/onnx2tf/ops/Flatten.py index 6e8cfbe3..3d653147 100644 --- a/onnx2tf/ops/Flatten.py +++ b/onnx2tf/ops/Flatten.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, convert_axis, print_node_info, diff --git a/onnx2tf/ops/Floor.py b/onnx2tf/ops/Floor.py index b3f00043..4c172a3a 100644 --- a/onnx2tf/ops/Floor.py +++ b/onnx2tf/ops/Floor.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/GatherND.py b/onnx2tf/ops/GatherND.py index 20a1cb2b..aec48a64 100644 --- a/onnx2tf/ops/GatherND.py +++ b/onnx2tf/ops/GatherND.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, convert_axis, print_node_info, diff --git a/onnx2tf/ops/Gemm.py b/onnx2tf/ops/Gemm.py index 6f6ddf1a..8e22a0e8 100644 --- a/onnx2tf/ops/Gemm.py +++ b/onnx2tf/ops/Gemm.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/GlobalAveragePool.py b/onnx2tf/ops/GlobalAveragePool.py index 97bb1c9c..224d9d10 100644 --- a/onnx2tf/ops/GlobalAveragePool.py +++ b/onnx2tf/ops/GlobalAveragePool.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/GlobalLpPool.py b/onnx2tf/ops/GlobalLpPool.py index bf570d39..5a486cca 100644 --- a/onnx2tf/ops/GlobalLpPool.py +++ b/onnx2tf/ops/GlobalLpPool.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/GlobalMaxPool.py b/onnx2tf/ops/GlobalMaxPool.py index 86922ee1..32db5f14 100644 --- a/onnx2tf/ops/GlobalMaxPool.py +++ b/onnx2tf/ops/GlobalMaxPool.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Greater.py b/onnx2tf/ops/Greater.py index c9b750e1..85fc7fc6 100644 --- a/onnx2tf/ops/Greater.py +++ b/onnx2tf/ops/Greater.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/GreaterOrEqual.py b/onnx2tf/ops/GreaterOrEqual.py index c321d8bd..40547070 100644 --- a/onnx2tf/ops/GreaterOrEqual.py +++ b/onnx2tf/ops/GreaterOrEqual.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/HardSigmoid.py b/onnx2tf/ops/HardSigmoid.py index cbcd92ca..27b7be3a 100644 --- a/onnx2tf/ops/HardSigmoid.py +++ b/onnx2tf/ops/HardSigmoid.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/HardSwish.py b/onnx2tf/ops/HardSwish.py index 5e9fcdc1..8b36c058 100644 --- a/onnx2tf/ops/HardSwish.py +++ b/onnx2tf/ops/HardSwish.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Input.py b/onnx2tf/ops/Input.py index e14a2e42..c425bdf7 100644 --- a/onnx2tf/ops/Input.py +++ b/onnx2tf/ops/Input.py @@ -5,8 +5,8 @@ import tensorflow as tf import onnx_graphsurgeon as gs from typing import List -from utils.colors import Color -from utils.common_functions import ( +from onnx2tf.utils.colors import Color +from onnx2tf.utils.common_functions import ( print_node_info, ) diff --git a/onnx2tf/ops/LeakyRelu.py b/onnx2tf/ops/LeakyRelu.py index e88909f2..b5f021ff 100644 --- a/onnx2tf/ops/LeakyRelu.py +++ b/onnx2tf/ops/LeakyRelu.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Less.py b/onnx2tf/ops/Less.py index e46daa91..d763ded1 100644 --- a/onnx2tf/ops/Less.py +++ b/onnx2tf/ops/Less.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/LessOrEqual.py b/onnx2tf/ops/LessOrEqual.py index c965c873..2d0cd64a 100644 --- a/onnx2tf/ops/LessOrEqual.py +++ b/onnx2tf/ops/LessOrEqual.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/MatMul.py b/onnx2tf/ops/MatMul.py index ba8d8c47..9d852d05 100644 --- a/onnx2tf/ops/MatMul.py +++ b/onnx2tf/ops/MatMul.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Max.py b/onnx2tf/ops/Max.py index af4b4abc..c3c87eb2 100644 --- a/onnx2tf/ops/Max.py +++ b/onnx2tf/ops/Max.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/MaxPool.py b/onnx2tf/ops/MaxPool.py index da85502c..a1331c74 100644 --- a/onnx2tf/ops/MaxPool.py +++ b/onnx2tf/ops/MaxPool.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, calc_pads_same_pooling, pad_input, diff --git a/onnx2tf/ops/Min.py b/onnx2tf/ops/Min.py index 081b1a94..5c6b78d4 100644 --- a/onnx2tf/ops/Min.py +++ b/onnx2tf/ops/Min.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Mod.py b/onnx2tf/ops/Mod.py index 6700e307..9ea5306e 100644 --- a/onnx2tf/ops/Mod.py +++ b/onnx2tf/ops/Mod.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Mul.py b/onnx2tf/ops/Mul.py index 328c94ed..37cd1911 100644 --- a/onnx2tf/ops/Mul.py +++ b/onnx2tf/ops/Mul.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Neg.py b/onnx2tf/ops/Neg.py index 6cb87c57..23b08218 100644 --- a/onnx2tf/ops/Neg.py +++ b/onnx2tf/ops/Neg.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/NonZero.py b/onnx2tf/ops/NonZero.py index b074fc53..adfb6b17 100644 --- a/onnx2tf/ops/NonZero.py +++ b/onnx2tf/ops/NonZero.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Not.py b/onnx2tf/ops/Not.py index 23ab4a57..0801b8c3 100644 --- a/onnx2tf/ops/Not.py +++ b/onnx2tf/ops/Not.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Or.py b/onnx2tf/ops/Or.py index 1e2c3151..b7691acc 100644 --- a/onnx2tf/ops/Or.py +++ b/onnx2tf/ops/Or.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Pad.py b/onnx2tf/ops/Pad.py index c8d841a9..c6eb36b6 100644 --- a/onnx2tf/ops/Pad.py +++ b/onnx2tf/ops/Pad.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Pow.py b/onnx2tf/ops/Pow.py index fad8aa81..6946996e 100644 --- a/onnx2tf/ops/Pow.py +++ b/onnx2tf/ops/Pow.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/RandomNormal.py b/onnx2tf/ops/RandomNormal.py index e44b6ccd..7e335a84 100644 --- a/onnx2tf/ops/RandomNormal.py +++ b/onnx2tf/ops/RandomNormal.py @@ -4,8 +4,8 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.enums import ONNX_DTYPES_TO_TF_DTYPES -from utils.common_functions import ( +from onnx2tf.utils.enums import ONNX_DTYPES_TO_TF_DTYPES +from onnx2tf.utils.common_functions import ( print_node_info, ) diff --git a/onnx2tf/ops/RandomNormalLike.py b/onnx2tf/ops/RandomNormalLike.py index fd371d6d..0f471a78 100644 --- a/onnx2tf/ops/RandomNormalLike.py +++ b/onnx2tf/ops/RandomNormalLike.py @@ -4,8 +4,8 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.enums import ONNX_DTYPES_TO_TF_DTYPES -from utils.common_functions import ( +from onnx2tf.utils.enums import ONNX_DTYPES_TO_TF_DTYPES +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/RandomUniform.py b/onnx2tf/ops/RandomUniform.py index d45c4fe9..e263b86a 100644 --- a/onnx2tf/ops/RandomUniform.py +++ b/onnx2tf/ops/RandomUniform.py @@ -4,8 +4,8 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.enums import ONNX_DTYPES_TO_TF_DTYPES -from utils.common_functions import ( +from onnx2tf.utils.enums import ONNX_DTYPES_TO_TF_DTYPES +from onnx2tf.utils.common_functions import ( print_node_info, ) diff --git a/onnx2tf/ops/RandomUniformLike.py b/onnx2tf/ops/RandomUniformLike.py index 69d87e94..6225448e 100644 --- a/onnx2tf/ops/RandomUniformLike.py +++ b/onnx2tf/ops/RandomUniformLike.py @@ -4,8 +4,8 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.enums import ONNX_DTYPES_TO_TF_DTYPES -from utils.common_functions import ( +from onnx2tf.utils.enums import ONNX_DTYPES_TO_TF_DTYPES +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Reciprocal.py b/onnx2tf/ops/Reciprocal.py index 7325bd1d..732fc5ac 100644 --- a/onnx2tf/ops/Reciprocal.py +++ b/onnx2tf/ops/Reciprocal.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/ReduceL1.py b/onnx2tf/ops/ReduceL1.py index 4b5f7ad3..836958b1 100644 --- a/onnx2tf/ops/ReduceL1.py +++ b/onnx2tf/ops/ReduceL1.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, convert_axis, print_node_info, diff --git a/onnx2tf/ops/ReduceL2.py b/onnx2tf/ops/ReduceL2.py index 3cfc4e26..8f769a5b 100644 --- a/onnx2tf/ops/ReduceL2.py +++ b/onnx2tf/ops/ReduceL2.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, convert_axis, print_node_info, diff --git a/onnx2tf/ops/ReduceLogSumExp.py b/onnx2tf/ops/ReduceLogSumExp.py index 6b340959..57718732 100644 --- a/onnx2tf/ops/ReduceLogSumExp.py +++ b/onnx2tf/ops/ReduceLogSumExp.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, convert_axis, print_node_info, diff --git a/onnx2tf/ops/ReduceMax.py b/onnx2tf/ops/ReduceMax.py index f7450a83..dda812e5 100644 --- a/onnx2tf/ops/ReduceMax.py +++ b/onnx2tf/ops/ReduceMax.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( convert_axis, get_constant_or_variable, print_node_info, diff --git a/onnx2tf/ops/ReduceMean.py b/onnx2tf/ops/ReduceMean.py index 14fcfd5c..9d4414d4 100644 --- a/onnx2tf/ops/ReduceMean.py +++ b/onnx2tf/ops/ReduceMean.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( convert_axis, get_constant_or_variable, print_node_info, diff --git a/onnx2tf/ops/ReduceMin.py b/onnx2tf/ops/ReduceMin.py index a7321558..03fed860 100644 --- a/onnx2tf/ops/ReduceMin.py +++ b/onnx2tf/ops/ReduceMin.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( convert_axis, get_constant_or_variable, print_node_info, diff --git a/onnx2tf/ops/ReduceProd.py b/onnx2tf/ops/ReduceProd.py index fdc8ad85..63e11668 100644 --- a/onnx2tf/ops/ReduceProd.py +++ b/onnx2tf/ops/ReduceProd.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( convert_axis, get_constant_or_variable, print_node_info, diff --git a/onnx2tf/ops/ReduceSum.py b/onnx2tf/ops/ReduceSum.py index 8acf88aa..15502e12 100644 --- a/onnx2tf/ops/ReduceSum.py +++ b/onnx2tf/ops/ReduceSum.py @@ -4,13 +4,13 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, convert_axis, print_node_info, inverted_operation_enable_disable, ) -from utils.colors import Color +from onnx2tf.utils.colors import Color @print_node_info diff --git a/onnx2tf/ops/Relu.py b/onnx2tf/ops/Relu.py index 9a56d252..b5e4ac62 100644 --- a/onnx2tf/ops/Relu.py +++ b/onnx2tf/ops/Relu.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Reshape.py b/onnx2tf/ops/Reshape.py index 151a60ae..361f09ad 100644 --- a/onnx2tf/ops/Reshape.py +++ b/onnx2tf/ops/Reshape.py @@ -4,13 +4,13 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, convert_reverse_axis, print_node_info, inverted_operation_enable_disable, ) -from utils.colors import Color +from onnx2tf.utils.colors import Color @print_node_info diff --git a/onnx2tf/ops/Resize.py b/onnx2tf/ops/Resize.py index e0f946c5..83e33d24 100644 --- a/onnx2tf/ops/Resize.py +++ b/onnx2tf/ops/Resize.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Round.py b/onnx2tf/ops/Round.py index 1a4d896f..fee74d39 100644 --- a/onnx2tf/ops/Round.py +++ b/onnx2tf/ops/Round.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/ScatterND.py b/onnx2tf/ops/ScatterND.py index 887c443b..53e14c61 100644 --- a/onnx2tf/ops/ScatterND.py +++ b/onnx2tf/ops/ScatterND.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Shape.py b/onnx2tf/ops/Shape.py index 0bd1bd2f..232e8b61 100644 --- a/onnx2tf/ops/Shape.py +++ b/onnx2tf/ops/Shape.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Sigmoid.py b/onnx2tf/ops/Sigmoid.py index 4c3d98a6..0dd2817e 100644 --- a/onnx2tf/ops/Sigmoid.py +++ b/onnx2tf/ops/Sigmoid.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Sign.py b/onnx2tf/ops/Sign.py index 6f7cbf99..8074721a 100644 --- a/onnx2tf/ops/Sign.py +++ b/onnx2tf/ops/Sign.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Sin.py b/onnx2tf/ops/Sin.py index 3c2b02e1..e367ebe6 100644 --- a/onnx2tf/ops/Sin.py +++ b/onnx2tf/ops/Sin.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Sinh.py b/onnx2tf/ops/Sinh.py index 773bac97..3ba83f9a 100644 --- a/onnx2tf/ops/Sinh.py +++ b/onnx2tf/ops/Sinh.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Slice.py b/onnx2tf/ops/Slice.py index 42562ef1..24403256 100644 --- a/onnx2tf/ops/Slice.py +++ b/onnx2tf/ops/Slice.py @@ -5,12 +5,12 @@ import tensorflow as tf from tensorflow.python.keras.layers import Lambda import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, ) -from utils.enums import NUMPY_DTYPES_TO_TF_DTYPES +from onnx2tf.utils.enums import NUMPY_DTYPES_TO_TF_DTYPES @print_node_info diff --git a/onnx2tf/ops/Softmax.py b/onnx2tf/ops/Softmax.py index 220728f6..6ab62d58 100644 --- a/onnx2tf/ops/Softmax.py +++ b/onnx2tf/ops/Softmax.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, convert_axis, print_node_info, diff --git a/onnx2tf/ops/Softplus.py b/onnx2tf/ops/Softplus.py index 96082dfa..29f1f0ed 100644 --- a/onnx2tf/ops/Softplus.py +++ b/onnx2tf/ops/Softplus.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Split.py b/onnx2tf/ops/Split.py index 9dabd771..1bfdaaef 100644 --- a/onnx2tf/ops/Split.py +++ b/onnx2tf/ops/Split.py @@ -5,7 +5,7 @@ import tensorflow as tf import onnx_graphsurgeon as gs from typing import List -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Sqrt.py b/onnx2tf/ops/Sqrt.py index 228b0130..a9daa821 100644 --- a/onnx2tf/ops/Sqrt.py +++ b/onnx2tf/ops/Sqrt.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Squeeze.py b/onnx2tf/ops/Squeeze.py index 0ed56612..4bb611c2 100644 --- a/onnx2tf/ops/Squeeze.py +++ b/onnx2tf/ops/Squeeze.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, convert_axis, print_node_info, diff --git a/onnx2tf/ops/Sub.py b/onnx2tf/ops/Sub.py index 8c39aa81..47a21fad 100644 --- a/onnx2tf/ops/Sub.py +++ b/onnx2tf/ops/Sub.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Tan.py b/onnx2tf/ops/Tan.py index 96333e84..65e5a98b 100644 --- a/onnx2tf/ops/Tan.py +++ b/onnx2tf/ops/Tan.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Tanh.py b/onnx2tf/ops/Tanh.py index b4577af9..a017b5a0 100644 --- a/onnx2tf/ops/Tanh.py +++ b/onnx2tf/ops/Tanh.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/Tile.py b/onnx2tf/ops/Tile.py index 746c839b..7845712f 100644 --- a/onnx2tf/ops/Tile.py +++ b/onnx2tf/ops/Tile.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/TopK.py b/onnx2tf/ops/TopK.py index 11c705c7..aca20ba7 100644 --- a/onnx2tf/ops/TopK.py +++ b/onnx2tf/ops/TopK.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, convert_axis, print_node_info, diff --git a/onnx2tf/ops/Transpose.py b/onnx2tf/ops/Transpose.py index 0af30fcc..67849b27 100644 --- a/onnx2tf/ops/Transpose.py +++ b/onnx2tf/ops/Transpose.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, convert_axis, print_node_info, diff --git a/onnx2tf/ops/Unsqueeze.py b/onnx2tf/ops/Unsqueeze.py index ceb9e8e4..8d58a5da 100644 --- a/onnx2tf/ops/Unsqueeze.py +++ b/onnx2tf/ops/Unsqueeze.py @@ -5,7 +5,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, convert_axis, print_node_info, diff --git a/onnx2tf/ops/Xor.py b/onnx2tf/ops/Xor.py index cd2e4b54..5bc3188b 100644 --- a/onnx2tf/ops/Xor.py +++ b/onnx2tf/ops/Xor.py @@ -4,7 +4,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.common_functions import ( +from onnx2tf.utils.common_functions import ( get_constant_or_variable, print_node_info, inverted_operation_enable_disable, diff --git a/onnx2tf/ops/__init__.py b/onnx2tf/ops/__init__.py index 00e50d61..21170b6f 100644 --- a/onnx2tf/ops/__init__.py +++ b/onnx2tf/ops/__init__.py @@ -1 +1 @@ -from ops import * \ No newline at end of file +from onnx2tf.ops import * \ No newline at end of file diff --git a/onnx2tf/utils/common_functions.py b/onnx2tf/utils/common_functions.py index 7a3c4ae0..f7e0781d 100644 --- a/onnx2tf/utils/common_functions.py +++ b/onnx2tf/utils/common_functions.py @@ -7,7 +7,7 @@ np.random.seed(0) import tensorflow as tf import onnx_graphsurgeon as gs -from utils.colors import Color +from onnx2tf.utils.colors import Color from typing import Any, List from functools import wraps from collections import namedtuple