Skip to content

Commit

Permalink
revert
Browse files Browse the repository at this point in the history
  • Loading branch information
PINTO0309 committed Oct 5, 2022
1 parent ff4d2fb commit d4e3485
Show file tree
Hide file tree
Showing 99 changed files with 113 additions and 113 deletions.
2 changes: 1 addition & 1 deletion onnx2tf/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,3 @@
from onnx2tf import convert, main
from onnx2tf.onnx2tf import convert, main

__version__ = '0.0.7'
6 changes: 3 additions & 3 deletions onnx2tf/onnx2tf.py
Original file line number Diff line number Diff line change
Expand Up @@ -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] = '',
Expand Down Expand Up @@ -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,
Expand All @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Abs.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Acos.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Acosh.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Add.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/And.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/ArgMax.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/ArgMin.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Asin.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Asinh.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Atan.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Atanh.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
4 changes: 2 additions & 2 deletions onnx2tf/ops/AveragePool.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/BatchNormalization.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
)
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/BitShift.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
4 changes: 2 additions & 2 deletions onnx2tf/ops/Cast.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Ceil.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Clip.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Compress.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Concat.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/ConcatFromSequence.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
4 changes: 2 additions & 2 deletions onnx2tf/ops/Constant.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
)

Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/ConstantOfShape.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
)

Expand Down
4 changes: 2 additions & 2 deletions onnx2tf/ops/Conv.py
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Cos.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Cosh.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Div.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Einsum.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Equal.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Erf.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Exp.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Expand.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Flatten.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Floor.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/GatherND.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Gemm.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/GlobalAveragePool.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/GlobalLpPool.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/GlobalMaxPool.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
2 changes: 1 addition & 1 deletion onnx2tf/ops/Greater.py
Original file line number Diff line number Diff line change
Expand Up @@ -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,
Expand Down
Loading

0 comments on commit d4e3485

Please sign in to comment.