未验证 提交 ea0d84bb 编写于 作者: N Nyakku Shigure 提交者: GitHub

[CodeStyle][F401] remove unused imports in unittests/dygraph_to_static,ir (#46787)

* [CodeStyle][F401] remove unused imports in unittests/dygraph_to_static

* [CodeStyle][F401] remove unused imports in unittests/ir

* add noqa after required imports
上级 50ca5bda
...@@ -13,7 +13,6 @@ ...@@ -13,7 +13,6 @@
# limitations under the License. # limitations under the License.
import numpy as np import numpy as np
import random
SEED = 2020 SEED = 2020
......
...@@ -17,7 +17,6 @@ from paddle.fluid.param_attr import ParamAttr ...@@ -17,7 +17,6 @@ from paddle.fluid.param_attr import ParamAttr
from paddle.fluid.regularizer import L2Decay from paddle.fluid.regularizer import L2Decay
from paddle.fluid.dygraph.nn import Conv2D, BatchNorm from paddle.fluid.dygraph.nn import Conv2D, BatchNorm
from paddle.fluid.dygraph.base import to_variable
class ConvBNLayer(fluid.dygraph.Layer): class ConvBNLayer(fluid.dygraph.Layer):
......
...@@ -12,7 +12,6 @@ ...@@ -12,7 +12,6 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
import numpy
import paddle import paddle
from functools import wraps from functools import wraps
......
...@@ -13,10 +13,8 @@ ...@@ -13,10 +13,8 @@
# limitations under the License. # limitations under the License.
import os import os
import unittest
import numpy as np import numpy as np
import paddle
import paddle.fluid as fluid import paddle.fluid as fluid
from paddle.fluid.core import AnalysisConfig from paddle.fluid.core import AnalysisConfig
......
...@@ -16,7 +16,7 @@ import paddle.fluid as fluid ...@@ -16,7 +16,7 @@ import paddle.fluid as fluid
import paddle.fluid.param_attr as attr import paddle.fluid.param_attr as attr
from functools import reduce from functools import reduce
from paddle.fluid.dygraph import declarative, to_variable from paddle.fluid.dygraph import declarative
from paddle.fluid.dygraph import Embedding, Layer, Linear from paddle.fluid.dygraph import Embedding, Layer, Linear
from paddle.static import Variable from paddle.static import Variable
......
...@@ -12,13 +12,12 @@ ...@@ -12,13 +12,12 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
import os
import paddle import paddle
import unittest import unittest
import numpy as np import numpy as np
from paddle.jit import ProgramTranslator from paddle.jit import ProgramTranslator
from test_resnet import ResNet, ResNetHelper from test_resnet import ResNetHelper
program_translator = ProgramTranslator() program_translator = ProgramTranslator()
......
...@@ -14,14 +14,7 @@ ...@@ -14,14 +14,7 @@
import unittest import unittest
import logging
import numpy as np
import paddle import paddle
import paddle.fluid as fluid
from paddle.fluid.dygraph import ProgramTranslator
from paddle.fluid.dygraph.dygraph_to_static.convert_call_func import CONVERSION_OPTIONS
from test_program_translator import get_source_code
from paddle.jit import to_static from paddle.jit import to_static
......
...@@ -14,7 +14,6 @@ ...@@ -14,7 +14,6 @@
import unittest import unittest
import paddle import paddle
from paddle import fluid
import numpy as np import numpy as np
......
...@@ -12,7 +12,6 @@ ...@@ -12,7 +12,6 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
import numpy
import unittest import unittest
import paddle import paddle
......
...@@ -29,7 +29,7 @@ from paddle.fluid.dygraph import Embedding, Linear, GRUUnit ...@@ -29,7 +29,7 @@ from paddle.fluid.dygraph import Embedding, Linear, GRUUnit
from paddle.fluid.dygraph import declarative, ProgramTranslator from paddle.fluid.dygraph import declarative, ProgramTranslator
from paddle.fluid.dygraph.io import INFER_MODEL_SUFFIX, INFER_PARAMS_SUFFIX from paddle.fluid.dygraph.io import INFER_MODEL_SUFFIX, INFER_PARAMS_SUFFIX
from paddle.fluid.framework import _non_static_mode from paddle.fluid.framework import _non_static_mode
from paddle import _C_ops, _legacy_C_ops from paddle import _legacy_C_ops
SEED = 2020 SEED = 2020
......
...@@ -26,7 +26,6 @@ from paddle.fluid.dygraph import to_variable ...@@ -26,7 +26,6 @@ from paddle.fluid.dygraph import to_variable
from paddle.fluid.dygraph.nn import Conv2D, Linear, Pool2D from paddle.fluid.dygraph.nn import Conv2D, Linear, Pool2D
from paddle.fluid.optimizer import AdamOptimizer from paddle.fluid.optimizer import AdamOptimizer
from paddle.fluid.dygraph.io import INFER_MODEL_SUFFIX, INFER_PARAMS_SUFFIX from paddle.fluid.dygraph.io import INFER_MODEL_SUFFIX, INFER_PARAMS_SUFFIX
from paddle.fluid.dygraph.dygraph_to_static import ProgramTranslator
from paddle.fluid.framework import _test_eager_guard from paddle.fluid.framework import _test_eager_guard
from predictor_utils import PredictorTools from predictor_utils import PredictorTools
......
...@@ -17,7 +17,6 @@ import unittest ...@@ -17,7 +17,6 @@ import unittest
import numpy as np import numpy as np
from time import time from time import time
from test_mnist import MNIST, TestMNIST, SEED from test_mnist import MNIST, TestMNIST, SEED
from paddle.jit import ProgramTranslator
from paddle.fluid.optimizer import AdamOptimizer from paddle.fluid.optimizer import AdamOptimizer
if paddle.fluid.is_compiled_with_cuda(): if paddle.fluid.is_compiled_with_cuda():
......
...@@ -12,14 +12,11 @@ ...@@ -12,14 +12,11 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
import os
import paddle import paddle
import unittest import unittest
import numpy as np import numpy as np
from time import time from time import time
from test_mnist import MNIST, TestMNIST, SEED, SimpleImgConvPool from test_mnist import MNIST, SEED, TestMNIST
from paddle.jit import ProgramTranslator
from paddle.fluid.optimizer import AdamOptimizer
if paddle.fluid.is_compiled_with_cuda(): if paddle.fluid.is_compiled_with_cuda():
paddle.fluid.set_flags({'FLAGS_cudnn_deterministic': True}) paddle.fluid.set_flags({'FLAGS_cudnn_deterministic': True})
......
...@@ -15,7 +15,6 @@ ...@@ -15,7 +15,6 @@
import six import six
import paddle import paddle
import unittest import unittest
import numpy as np
from paddle.static import InputSpec from paddle.static import InputSpec
......
...@@ -12,7 +12,6 @@ ...@@ -12,7 +12,6 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
import numpy as np
import paddle import paddle
import unittest import unittest
......
...@@ -23,7 +23,6 @@ import paddle ...@@ -23,7 +23,6 @@ import paddle
import paddle.fluid as fluid import paddle.fluid as fluid
from paddle.fluid.dygraph.dygraph_to_static import ProgramTranslator from paddle.fluid.dygraph.dygraph_to_static import ProgramTranslator
from paddle.fluid.dygraph.jit import declarative from paddle.fluid.dygraph.jit import declarative
from paddle.fluid.dygraph.nn import Linear
from paddle.fluid.dygraph.dygraph_to_static.utils import func_to_source_code from paddle.fluid.dygraph.dygraph_to_static.utils import func_to_source_code
import paddle.jit.dy2static as _jst import paddle.jit.dy2static as _jst
......
...@@ -22,7 +22,7 @@ import numpy as np ...@@ -22,7 +22,7 @@ import numpy as np
import paddle import paddle
import paddle.fluid as fluid import paddle.fluid as fluid
from paddle.fluid.dygraph import declarative, ProgramTranslator from paddle.fluid.dygraph import ProgramTranslator
from paddle.fluid.dygraph.nn import BatchNorm, Conv2D, Linear, Pool2D from paddle.fluid.dygraph.nn import BatchNorm, Conv2D, Linear, Pool2D
from paddle.fluid.dygraph.io import INFER_MODEL_SUFFIX, INFER_PARAMS_SUFFIX from paddle.fluid.dygraph.io import INFER_MODEL_SUFFIX, INFER_PARAMS_SUFFIX
......
...@@ -12,7 +12,6 @@ ...@@ -12,7 +12,6 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
import math
import time import time
import unittest import unittest
...@@ -20,8 +19,7 @@ import numpy as np ...@@ -20,8 +19,7 @@ import numpy as np
import paddle import paddle
import paddle.fluid as fluid import paddle.fluid as fluid
from paddle.fluid.dygraph import declarative, ProgramTranslator from paddle.fluid.dygraph import ProgramTranslator
from paddle.fluid.dygraph.nn import BatchNorm, Conv2D, Linear, Pool2D
from test_resnet import ResNet, optimizer_setting, SEED from test_resnet import ResNet, optimizer_setting, SEED
# NOTE: Reduce batch_size from 8 to 2 to avoid unittest timeout. # NOTE: Reduce batch_size from 8 to 2 to avoid unittest timeout.
......
...@@ -12,7 +12,6 @@ ...@@ -12,7 +12,6 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
import math
import time import time
import unittest import unittest
...@@ -20,8 +19,7 @@ import numpy as np ...@@ -20,8 +19,7 @@ import numpy as np
import paddle import paddle
import paddle.fluid as fluid import paddle.fluid as fluid
from paddle.fluid.dygraph import declarative, ProgramTranslator from paddle.fluid.dygraph import ProgramTranslator
from paddle.fluid.dygraph.nn import BatchNorm, Conv2D, Linear, Pool2D
from test_resnet import ResNet, optimizer_setting, SEED from test_resnet import ResNet, optimizer_setting, SEED
# NOTE: Reduce batch_size from 8 to 2 to avoid unittest timeout. # NOTE: Reduce batch_size from 8 to 2 to avoid unittest timeout.
......
...@@ -22,7 +22,7 @@ import paddle.fluid as fluid ...@@ -22,7 +22,7 @@ import paddle.fluid as fluid
from paddle.fluid.dygraph.dygraph_to_static import ProgramTranslator from paddle.fluid.dygraph.dygraph_to_static import ProgramTranslator
from paddle.fluid.dygraph.jit import declarative from paddle.fluid.dygraph.jit import declarative
from paddle.fluid.dygraph.dygraph_to_static.partial_program import partial_program_from from paddle.fluid.dygraph.dygraph_to_static.partial_program import partial_program_from
from paddle.fluid.dygraph.io import INFER_MODEL_SUFFIX, INFER_PARAMS_SUFFIX, INFER_PARAMS_INFO_SUFFIX from paddle.fluid.dygraph.io import INFER_MODEL_SUFFIX, INFER_PARAMS_SUFFIX
SEED = 2020 SEED = 2020
......
...@@ -13,7 +13,6 @@ ...@@ -13,7 +13,6 @@
# limitations under the License. # limitations under the License.
import unittest import unittest
import paddle
from paddle.fluid.dygraph.dygraph_to_static.utils import GetterSetterHelper from paddle.fluid.dygraph.dygraph_to_static.utils import GetterSetterHelper
vars = [1, 2, 3, 4, 5] vars = [1, 2, 3, 4, 5]
......
...@@ -14,7 +14,6 @@ ...@@ -14,7 +14,6 @@
import paddle import paddle
from paddle.nn import Layer from paddle.nn import Layer
import numpy as np
import unittest import unittest
......
...@@ -15,11 +15,7 @@ ...@@ -15,11 +15,7 @@
import numpy import numpy
import paddle import paddle
import unittest import unittest
import os
import tempfile
import paddle.inference as paddle_infer
from paddle.fluid.framework import program_guard, Program from paddle.fluid.framework import program_guard, Program
import numpy as np
from paddle.fluid import core from paddle.fluid import core
......
...@@ -13,18 +13,15 @@ ...@@ -13,18 +13,15 @@
#limitations under the License. #limitations under the License.
import argparse import argparse
import math
import numpy as np import numpy as np
import os import os
import random import random
import sys import sys
import time
import unittest import unittest
import paddle import paddle
import paddle.fluid as fluid import paddle.fluid as fluid
from paddle.fluid.dygraph import declarative, ProgramTranslator, to_variable from paddle.fluid.dygraph import declarative, ProgramTranslator, to_variable
from paddle.fluid.dygraph.nn import Conv2D, BatchNorm, Linear, Pool2D from paddle.fluid.dygraph.nn import Conv2D, BatchNorm, Linear, Pool2D
from paddle.fluid.layer_helper import LayerHelper
from tsm_config_utils import * from tsm_config_utils import *
random.seed(0) random.seed(0)
......
...@@ -16,7 +16,7 @@ import tempfile ...@@ -16,7 +16,7 @@ import tempfile
import paddle import paddle
import unittest import unittest
import numpy as np import numpy as np
from typing import Tuple, List, Dict, TypeVar from typing import Dict, List, Tuple
class BaseLayer(paddle.nn.Layer): class BaseLayer(paddle.nn.Layer):
......
...@@ -15,12 +15,9 @@ ...@@ -15,12 +15,9 @@
import types import types
import unittest import unittest
from paddle.fluid.dygraph.dygraph_to_static import ProgramTranslator
from paddle.fluid.dygraph.dygraph_to_static.utils import index_in_list from paddle.fluid.dygraph.dygraph_to_static.utils import index_in_list
from paddle.fluid.dygraph.dygraph_to_static.utils import is_paddle_func from paddle.fluid.dygraph.dygraph_to_static.utils import is_paddle_func
from test_program_translator import get_source_code
class TestIndexInList(unittest.TestCase): class TestIndexInList(unittest.TestCase):
......
...@@ -12,12 +12,8 @@ ...@@ -12,12 +12,8 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from paddle.utils import gast
import unittest import unittest
import numpy as np
import paddle.fluid as fluid
from paddle.fluid.dygraph.dygraph_to_static.utils import ast_to_source_code from paddle.fluid.dygraph.dygraph_to_static.utils import ast_to_source_code
from paddle.fluid.dygraph.dygraph_to_static.variable_trans_func import create_fill_constant_node from paddle.fluid.dygraph.dygraph_to_static.variable_trans_func import create_fill_constant_node
......
...@@ -15,7 +15,6 @@ ...@@ -15,7 +15,6 @@
import unittest import unittest
import paddle import paddle
import warnings import warnings
from paddle.fluid.dygraph.dygraph_to_static.program_translator import convert_to_static
from paddle.fluid.layers.control_flow import cond from paddle.fluid.layers.control_flow import cond
......
...@@ -12,15 +12,9 @@ ...@@ -12,15 +12,9 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
import io
import os
import sys
import requests
from collections import OrderedDict
import math import math
import random import random
import numpy as np import numpy as np
import paddle
import paddle.fluid as fluid import paddle.fluid as fluid
import unittest import unittest
......
...@@ -12,7 +12,6 @@ ...@@ -12,7 +12,6 @@
#See the License for the specific language governing permissions and #See the License for the specific language governing permissions and
#limitations under the License. #limitations under the License.
import yaml
import logging import logging
logger = logging.getLogger(__name__) logger = logging.getLogger(__name__)
......
...@@ -17,10 +17,7 @@ import sys ...@@ -17,10 +17,7 @@ import sys
import paddle.fluid as fluid import paddle.fluid as fluid
from paddle.fluid.dygraph import declarative from paddle.fluid.dygraph import declarative
from paddle.fluid.dygraph.base import to_variable from paddle.fluid.dygraph.nn import Conv2D
from paddle.fluid.dygraph.nn import Conv2D, BatchNorm
from paddle.fluid.initializer import Constant
from paddle.fluid.initializer import Normal
from paddle.fluid.param_attr import ParamAttr from paddle.fluid.param_attr import ParamAttr
from paddle.fluid.regularizer import L2Decay from paddle.fluid.regularizer import L2Decay
......
...@@ -12,8 +12,6 @@ ...@@ -12,8 +12,6 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
import os
import six
import random import random
import unittest import unittest
import numpy as np import numpy as np
...@@ -21,8 +19,6 @@ import numpy as np ...@@ -21,8 +19,6 @@ import numpy as np
import paddle import paddle
import paddle.fluid as fluid import paddle.fluid as fluid
import paddle.fluid.core as core import paddle.fluid.core as core
from paddle.fluid.core import PaddleTensor
from paddle.fluid.core import PaddleDType
from paddle.fluid.core import AnalysisConfig from paddle.fluid.core import AnalysisConfig
from paddle.fluid.core import create_paddle_predictor from paddle.fluid.core import create_paddle_predictor
......
...@@ -12,7 +12,7 @@ ...@@ -12,7 +12,7 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from typing import Optional, List, Callable, Dict, Any, Set from typing import Any, Callable, Dict, List, Optional
import numpy as np import numpy as np
import enum import enum
import paddle import paddle
......
...@@ -12,11 +12,9 @@ ...@@ -12,11 +12,9 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
import os
import unittest import unittest
import random import random
import numpy as np import numpy as np
import six
import paddle.fluid as fluid import paddle.fluid as fluid
import paddle import paddle
import warnings import warnings
...@@ -26,9 +24,8 @@ from paddle.fluid.contrib.slim.quantization import QuantizationFreezePass ...@@ -26,9 +24,8 @@ from paddle.fluid.contrib.slim.quantization import QuantizationFreezePass
from paddle.fluid.contrib.slim.quantization import OutScaleForTrainingPass from paddle.fluid.contrib.slim.quantization import OutScaleForTrainingPass
from paddle.fluid.contrib.slim.quantization import OutScaleForInferencePass from paddle.fluid.contrib.slim.quantization import OutScaleForInferencePass
from paddle.fluid.contrib.slim.quantization import AddQuantDequantPass from paddle.fluid.contrib.slim.quantization import AddQuantDequantPass
from paddle.fluid import (core, Program, Variable, program_guard, layers) from paddle.fluid import (core, Program, Variable)
from paddle.fluid.io import prepend_feed_ops, append_fetch_ops from paddle.fluid.io import prepend_feed_ops, append_fetch_ops
from inference_pass_test import InferencePassTest
from paddle.fluid.core import create_paddle_predictor from paddle.fluid.core import create_paddle_predictor
from paddle.fluid.core import AnalysisConfig from paddle.fluid.core import AnalysisConfig
......
...@@ -12,16 +12,11 @@ ...@@ -12,16 +12,11 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, IgnoreReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np
import paddle.inference as paddle_infer import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,10 @@ ...@@ -12,16 +12,10 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np
import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,10 @@ ...@@ -12,16 +12,10 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np
import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -17,11 +17,8 @@ from program_config import TensorConfig, ProgramConfig, OpConfig ...@@ -17,11 +17,8 @@ from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -14,7 +14,6 @@ ...@@ -14,7 +14,6 @@
from auto_scan_test import PassAutoScanTest from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np
import unittest import unittest
import os import os
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -17,11 +17,8 @@ from program_config import TensorConfig, ProgramConfig, OpConfig ...@@ -17,11 +17,8 @@ from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -16,13 +16,7 @@ from auto_scan_test import PassAutoScanTest, IgnoreReasons ...@@ -16,13 +16,7 @@ from auto_scan_test import PassAutoScanTest, IgnoreReasons
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import copy as cp import copy as cp
import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -16,13 +16,7 @@ from auto_scan_test import PassAutoScanTest, IgnoreReasons ...@@ -16,13 +16,7 @@ from auto_scan_test import PassAutoScanTest, IgnoreReasons
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import copy as cp import copy as cp
import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,7 +12,6 @@ ...@@ -12,7 +12,6 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
import numpy as np
from auto_scan_test import PassAutoScanTest from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import paddle.inference as paddle_infer import paddle.inference as paddle_infer
......
...@@ -17,11 +17,8 @@ from program_config import TensorConfig, ProgramConfig, OpConfig ...@@ -17,11 +17,8 @@ from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,11 @@ ...@@ -12,16 +12,11 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, IgnoreReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -16,12 +16,8 @@ from auto_scan_test import PassAutoScanTest, IgnoreReasons ...@@ -16,12 +16,8 @@ from auto_scan_test import PassAutoScanTest, IgnoreReasons
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -16,7 +16,6 @@ import unittest ...@@ -16,7 +16,6 @@ import unittest
import numpy as np import numpy as np
from inference_pass_test import InferencePassTest from inference_pass_test import InferencePassTest
import paddle.fluid as fluid import paddle.fluid as fluid
import paddle.fluid.core as core
from paddle.fluid.core import PassVersionChecker from paddle.fluid.core import PassVersionChecker
......
...@@ -16,7 +16,6 @@ import unittest ...@@ -16,7 +16,6 @@ import unittest
import numpy as np import numpy as np
from inference_pass_test import InferencePassTest from inference_pass_test import InferencePassTest
import paddle.fluid as fluid import paddle.fluid as fluid
import paddle.fluid.core as core
from paddle.fluid.core import PassVersionChecker from paddle.fluid.core import PassVersionChecker
......
...@@ -12,16 +12,10 @@ ...@@ -12,16 +12,10 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, IgnoreReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np
import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,7 +12,6 @@ ...@@ -12,7 +12,6 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
import numpy as np
from auto_scan_test import PassAutoScanTest from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import paddle.inference as paddle_infer import paddle.inference as paddle_infer
......
...@@ -15,13 +15,8 @@ ...@@ -15,13 +15,8 @@
from auto_scan_test import PassAutoScanTest, IgnoreReasons from auto_scan_test import PassAutoScanTest, IgnoreReasons
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,13 @@ ...@@ -12,16 +12,13 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, IgnoreReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -14,14 +14,8 @@ ...@@ -14,14 +14,8 @@
from auto_scan_test import PassAutoScanTest, IgnoreReasons from auto_scan_test import PassAutoScanTest, IgnoreReasons
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np
import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -14,14 +14,8 @@ ...@@ -14,14 +14,8 @@
from auto_scan_test import PassAutoScanTest, IgnoreReasons from auto_scan_test import PassAutoScanTest, IgnoreReasons
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np
import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -14,14 +14,8 @@ ...@@ -14,14 +14,8 @@
from auto_scan_test import PassAutoScanTest, IgnoreReasons from auto_scan_test import PassAutoScanTest, IgnoreReasons
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np
import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,10 @@ ...@@ -12,16 +12,10 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, IgnoreReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np
import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,10 @@ ...@@ -12,16 +12,10 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, IgnoreReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np
import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,12 @@ ...@@ -12,16 +12,12 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,12 @@ ...@@ -12,16 +12,12 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig from program_config import TensorConfig, ProgramConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,13 @@ ...@@ -12,16 +12,13 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import MkldnnAutoScanTest, SkipReasons from auto_scan_test import MkldnnAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis from hypothesis import given
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -15,13 +15,9 @@ ...@@ -15,13 +15,9 @@
from auto_scan_test import PassAutoScanTest, IgnoreReasons from auto_scan_test import PassAutoScanTest, IgnoreReasons
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -16,8 +16,6 @@ import unittest ...@@ -16,8 +16,6 @@ import unittest
import numpy as np import numpy as np
from inference_pass_test import InferencePassTest from inference_pass_test import InferencePassTest
import paddle.fluid as fluid import paddle.fluid as fluid
import paddle.fluid.core as core
from paddle.fluid.core import AnalysisConfig
from paddle.fluid.core import PassVersionChecker from paddle.fluid.core import PassVersionChecker
......
...@@ -12,16 +12,12 @@ ...@@ -12,16 +12,12 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,17 +12,13 @@ ...@@ -12,17 +12,13 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig from program_config import TensorConfig, ProgramConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import paddle import paddle
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,12 @@ ...@@ -12,16 +12,12 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig from program_config import TensorConfig, ProgramConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,12 @@ ...@@ -12,16 +12,12 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig from program_config import TensorConfig, ProgramConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,12 @@ ...@@ -12,16 +12,12 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -16,13 +16,7 @@ from auto_scan_test import PassAutoScanTest, IgnoreReasons ...@@ -16,13 +16,7 @@ from auto_scan_test import PassAutoScanTest, IgnoreReasons
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import copy as cp import copy as cp
import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -15,12 +15,9 @@ ...@@ -15,12 +15,9 @@
from auto_scan_test import PassAutoScanTest from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig from program_config import TensorConfig, ProgramConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,12 @@ ...@@ -12,16 +12,12 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -17,8 +17,6 @@ import numpy as np ...@@ -17,8 +17,6 @@ import numpy as np
from inference_pass_test import InferencePassTest from inference_pass_test import InferencePassTest
import paddle import paddle
import paddle.fluid as fluid import paddle.fluid as fluid
import paddle.fluid.core as core
from paddle.fluid.core import AnalysisConfig
from paddle.fluid.core import PassVersionChecker from paddle.fluid.core import PassVersionChecker
......
...@@ -12,16 +12,12 @@ ...@@ -12,16 +12,12 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,12 @@ ...@@ -12,16 +12,12 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,13 @@ ...@@ -12,16 +12,13 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import MkldnnAutoScanTest, SkipReasons from auto_scan_test import MkldnnAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis from hypothesis import given
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -17,7 +17,7 @@ from program_config import TensorConfig, ProgramConfig, OpConfig ...@@ -17,7 +17,7 @@ from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
from functools import partial from functools import partial
import unittest import unittest
from hypothesis import given, reproduce_failure from hypothesis import given
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -17,7 +17,7 @@ from program_config import TensorConfig, ProgramConfig, OpConfig ...@@ -17,7 +17,7 @@ from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
from functools import partial from functools import partial
import unittest import unittest
from hypothesis import given, reproduce_failure from hypothesis import given
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,13 @@ ...@@ -12,16 +12,13 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import MkldnnAutoScanTest, SkipReasons from auto_scan_test import MkldnnAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis from hypothesis import given
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,12 @@ ...@@ -12,16 +12,12 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig from program_config import TensorConfig, ProgramConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
from functools import reduce from functools import reduce
......
...@@ -17,8 +17,6 @@ import numpy as np ...@@ -17,8 +17,6 @@ import numpy as np
from inference_pass_test import InferencePassTest from inference_pass_test import InferencePassTest
import paddle import paddle
import paddle.fluid as fluid import paddle.fluid as fluid
import paddle.fluid.core as core
from paddle.fluid.core import AnalysisConfig
from paddle.fluid.core import PassVersionChecker from paddle.fluid.core import PassVersionChecker
......
...@@ -12,16 +12,12 @@ ...@@ -12,16 +12,12 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig from program_config import TensorConfig, ProgramConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,13 +12,12 @@ ...@@ -12,13 +12,12 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig from program_config import TensorConfig, ProgramConfig
import numpy as np import numpy as np
from functools import partial from functools import partial
import unittest import unittest
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,18 +12,13 @@ ...@@ -12,18 +12,13 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
from functools import reduce
class TestMulGruFusePass(PassAutoScanTest): class TestMulGruFusePass(PassAutoScanTest):
......
...@@ -12,18 +12,13 @@ ...@@ -12,18 +12,13 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
from functools import reduce
class TestMulLstmFusePass(PassAutoScanTest): class TestMulLstmFusePass(PassAutoScanTest):
......
...@@ -12,18 +12,12 @@ ...@@ -12,18 +12,12 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, IgnoreReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st
class TestMultiheadMatmulFusePass(PassAutoScanTest): class TestMultiheadMatmulFusePass(PassAutoScanTest):
......
...@@ -12,18 +12,13 @@ ...@@ -12,18 +12,13 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
from functools import reduce
class TestRepeatedFcReluFusePass(PassAutoScanTest): class TestRepeatedFcReluFusePass(PassAutoScanTest):
......
...@@ -12,16 +12,10 @@ ...@@ -12,16 +12,10 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, IgnoreReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np
import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -15,15 +15,10 @@ ...@@ -15,15 +15,10 @@
from auto_scan_test import PassAutoScanTest, IgnoreReasons from auto_scan_test import PassAutoScanTest, IgnoreReasons
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
from functools import reduce
class TestSeqConcatFcFusePass(PassAutoScanTest): class TestSeqConcatFcFusePass(PassAutoScanTest):
......
...@@ -12,18 +12,13 @@ ...@@ -12,18 +12,13 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
from functools import reduce
class TestSeqconvEltaddReluFusePass(PassAutoScanTest): class TestSeqconvEltaddReluFusePass(PassAutoScanTest):
......
...@@ -12,18 +12,13 @@ ...@@ -12,18 +12,13 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
from functools import reduce
class TestSeqpoolCvmConcatFusePass(PassAutoScanTest): class TestSeqpoolCvmConcatFusePass(PassAutoScanTest):
......
...@@ -12,16 +12,13 @@ ...@@ -12,16 +12,13 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, IgnoreReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,11 @@ ...@@ -12,16 +12,11 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np
import paddle.inference as paddle_infer import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,12 @@ ...@@ -12,16 +12,12 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, SkipReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np import numpy as np
import paddle.inference as paddle_infer
from functools import partial from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,16 +12,10 @@ ...@@ -12,16 +12,10 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, IgnoreReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
import numpy as np
import paddle.inference as paddle_infer
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -12,14 +12,10 @@ ...@@ -12,14 +12,10 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
from auto_scan_test import PassAutoScanTest, IgnoreReasons from auto_scan_test import PassAutoScanTest
from program_config import TensorConfig, ProgramConfig, OpConfig from program_config import TensorConfig, ProgramConfig, OpConfig
from functools import partial
from typing import Optional, List, Callable, Dict, Any, Set
import unittest import unittest
import hypothesis
from hypothesis import given, settings, seed, example, assume, reproduce_failure
import hypothesis.strategies as st import hypothesis.strategies as st
......
...@@ -13,7 +13,6 @@ ...@@ -13,7 +13,6 @@
# limitations under the License. # limitations under the License.
import unittest import unittest
import itertools
import numpy as np import numpy as np
from inference_pass_test import InferencePassTest from inference_pass_test import InferencePassTest
import paddle.fluid as fluid import paddle.fluid as fluid
......
...@@ -18,8 +18,6 @@ import numpy as np ...@@ -18,8 +18,6 @@ import numpy as np
import tempfile import tempfile
import paddle import paddle
import paddle.distributed.fleet as fleet import paddle.distributed.fleet as fleet
from paddle.distributed import ReduceOp
from paddle.distributed import init_parallel_env
from paddle.inference import Config from paddle.inference import Config
from paddle.inference import create_predictor from paddle.inference import create_predictor
from paddle.inference import PrecisionType from paddle.inference import PrecisionType
......
...@@ -12,8 +12,6 @@ ...@@ -12,8 +12,6 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
import os
import shutil
import unittest import unittest
import numpy as np import numpy as np
from inference_pass_test import InferencePassTest from inference_pass_test import InferencePassTest
......
...@@ -12,8 +12,6 @@ ...@@ -12,8 +12,6 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
import os
import shutil
import unittest import unittest
import numpy as np import numpy as np
from inference_pass_test import InferencePassTest from inference_pass_test import InferencePassTest
......
...@@ -13,7 +13,6 @@ ...@@ -13,7 +13,6 @@
# limitations under the License. # limitations under the License.
import os import os
import shutil
import unittest import unittest
import numpy as np import numpy as np
from inference_pass_test import InferencePassTest from inference_pass_test import InferencePassTest
......
...@@ -12,11 +12,8 @@ ...@@ -12,11 +12,8 @@
# See the License for the specific language governing permissions and # See the License for the specific language governing permissions and
# limitations under the License. # limitations under the License.
import os
import shutil
import unittest import unittest
import numpy as np import numpy as np
from inference_pass_test import InferencePassTest
from quant_dequant_test import QuantDequantTest from quant_dequant_test import QuantDequantTest
import paddle import paddle
import paddle.fluid as fluid import paddle.fluid as fluid
......
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册