mirror of
https://github.com/pytorch/pytorch.git
synced 2025-10-20 21:14:14 +08:00
Remove py2 compatible future imports (#44735)
Summary: Pull Request resolved: https://github.com/pytorch/pytorch/pull/44735 Reviewed By: mruberry Differential Revision: D23731306 Pulled By: ezyang fbshipit-source-id: 0ba009a99e475ddbe22981be8ac636f8a1c8b02f
This commit is contained in:
committed by
Facebook GitHub Bot
parent
6debe825be
commit
20ac736200
@ -1,7 +1,5 @@
|
|||||||
#!/usr/bin/env python
|
#!/usr/bin/env python
|
||||||
|
|
||||||
from __future__ import print_function
|
|
||||||
|
|
||||||
import subprocess
|
import subprocess
|
||||||
import os
|
import os
|
||||||
|
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import print_function
|
|
||||||
import os
|
import os
|
||||||
|
|
||||||
|
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import print_function
|
|
||||||
import argparse
|
import argparse
|
||||||
from collections import namedtuple
|
from collections import namedtuple
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import print_function
|
|
||||||
import pytest
|
import pytest
|
||||||
import torch
|
import torch
|
||||||
from .fuser import set_fuser
|
from .fuser import set_fuser
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
from caffe2.python import workspace, core
|
from caffe2.python import workspace, core
|
||||||
import numpy as np
|
import numpy as np
|
||||||
|
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
import torch
|
import torch
|
||||||
from utils import NUM_LOOP_ITERS
|
from utils import NUM_LOOP_ITERS
|
||||||
|
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
from utils import ms_to_us, benchmark_module, BenchmarkConfig, ModuleConfig
|
from utils import ms_to_us, benchmark_module, BenchmarkConfig, ModuleConfig
|
||||||
import argparse
|
import argparse
|
||||||
from C2Module import C2SimpleNet
|
from C2Module import C2SimpleNet
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
class WrapperModule(object):
|
class WrapperModule(object):
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
import time
|
import time
|
||||||
from collections import namedtuple
|
from collections import namedtuple
|
||||||
from torch.utils import ThroughputBenchmark
|
from torch.utils import ThroughputBenchmark
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
from pt import ( # noqa
|
from pt import ( # noqa
|
||||||
add_test, as_strided_test, batchnorm_test, binary_test, cat_test, # noqa
|
add_test, as_strided_test, batchnorm_test, binary_test, cat_test, # noqa
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
from pt import ( # noqa
|
from pt import ( # noqa
|
||||||
qactivation_test,
|
qactivation_test,
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
from pt import ( # noqa
|
from pt import ( # noqa
|
||||||
unary_test, # noqa
|
unary_test, # noqa
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
from caffe2.python import workspace
|
from caffe2.python import workspace
|
||||||
from caffe2.python import core
|
from caffe2.python import core
|
||||||
from caffe2.proto import caffe2_pb2
|
from caffe2.proto import caffe2_pb2
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import functools
|
import functools
|
||||||
import numpy as np
|
import numpy as np
|
||||||
import timeit
|
import timeit
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import time
|
import time
|
||||||
import json
|
import json
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import argparse
|
import argparse
|
||||||
|
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
from benchmark_core import _register_test
|
from benchmark_core import _register_test
|
||||||
from benchmark_pytorch import create_pytorch_op_test_case
|
from benchmark_pytorch import create_pytorch_op_test_case
|
||||||
|
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import numpy as np
|
import numpy as np
|
||||||
import itertools
|
import itertools
|
||||||
import random
|
import random
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import benchmark_caffe2 as op_bench_c2
|
import benchmark_caffe2 as op_bench_c2
|
||||||
from benchmark_caffe2 import Caffe2BenchmarkBase # noqa
|
from benchmark_caffe2 import Caffe2BenchmarkBase # noqa
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import benchmark_caffe2 as op_bench_c2
|
import benchmark_caffe2 as op_bench_c2
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
import numpy as np
|
import numpy as np
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
from caffe2.python import core
|
from caffe2.python import core
|
||||||
|
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
# TODO (mingzhe09088): get rid of noqa
|
# TODO (mingzhe09088): get rid of noqa
|
||||||
import benchmark_runner # noqa
|
import benchmark_runner # noqa
|
||||||
from benchmark_pytorch import TorchBenchmarkBase # noqa
|
from benchmark_pytorch import TorchBenchmarkBase # noqa
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
import random
|
import random
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
import numpy
|
import numpy
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import torch
|
import torch
|
||||||
import torch.nn.quantized as nnq
|
import torch.nn.quantized as nnq
|
||||||
|
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
|
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
|
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
|
|
||||||
import operator_benchmark as op_bench
|
import operator_benchmark as op_bench
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
import torch
|
import torch
|
||||||
import cpp_extension # noqa
|
import cpp_extension # noqa
|
||||||
|
|
||||||
|
@ -1,10 +1,5 @@
|
|||||||
#!/usr/bin/env python
|
#!/usr/bin/env python
|
||||||
|
|
||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import argparse
|
import argparse
|
||||||
import ast
|
import ast
|
||||||
|
|
||||||
|
@ -1,9 +1,4 @@
|
|||||||
# Module caffe2.python.examples.resnet50_trainer
|
# Module caffe2.python.examples.resnet50_trainer
|
||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import argparse
|
import argparse
|
||||||
import logging
|
import logging
|
||||||
import numpy as np
|
import numpy as np
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
|
|
||||||
import unittest
|
import unittest
|
||||||
|
|
||||||
|
@ -13,10 +13,6 @@ Usage:
|
|||||||
python scripts/diagnose_protobuf.py
|
python scripts/diagnose_protobuf.py
|
||||||
"""
|
"""
|
||||||
|
|
||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
import os
|
import os
|
||||||
import re
|
import re
|
||||||
from subprocess import Popen, PIPE
|
from subprocess import Popen, PIPE
|
||||||
|
@ -1,10 +1,5 @@
|
|||||||
#! /usr/bin/env python
|
#! /usr/bin/env python
|
||||||
|
|
||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import os
|
import os
|
||||||
import subprocess
|
import subprocess
|
||||||
import sys
|
import sys
|
||||||
|
@ -1,10 +1,5 @@
|
|||||||
#! /usr/bin/env python
|
#! /usr/bin/env python
|
||||||
|
|
||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import onnx.backend
|
import onnx.backend
|
||||||
|
|
||||||
import argparse
|
import argparse
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
|
|
||||||
import argparse
|
import argparse
|
||||||
import datetime
|
import datetime
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
|
|
||||||
import argparse
|
import argparse
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
|
|
||||||
import os
|
import os
|
||||||
|
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
|
|
||||||
import copy
|
import copy
|
||||||
import math
|
import math
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
import os
|
import os
|
||||||
import sys
|
import sys
|
||||||
import tempfile
|
import tempfile
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
|
|
||||||
import os
|
import os
|
||||||
import sys
|
import sys
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import division
|
|
||||||
import io
|
import io
|
||||||
import os
|
import os
|
||||||
import sys
|
import sys
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import sys
|
import sys
|
||||||
|
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import argparse
|
import argparse
|
||||||
import glob
|
import glob
|
||||||
import onnx.backend.test
|
import onnx.backend.test
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
from torch.autograd import Variable
|
from torch.autograd import Variable
|
||||||
from onnx import numpy_helper
|
from onnx import numpy_helper
|
||||||
|
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import glob
|
import glob
|
||||||
import numpy as np
|
import numpy as np
|
||||||
import onnx.backend.test
|
import onnx.backend.test
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import unittest
|
import unittest
|
||||||
import onnxruntime # noqa
|
import onnxruntime # noqa
|
||||||
|
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import os
|
import os
|
||||||
|
|
||||||
|
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
from test_pytorch_common import TestCase, run_tests
|
from test_pytorch_common import TestCase, run_tests
|
||||||
|
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
|
|
||||||
from test_pytorch_common import TestCase, run_tests, flatten, skipIfNoLapack
|
from test_pytorch_common import TestCase, run_tests, flatten, skipIfNoLapack
|
||||||
|
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import functools
|
import functools
|
||||||
import os
|
import os
|
||||||
import unittest
|
import unittest
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import numpy as np
|
import numpy as np
|
||||||
import sys
|
import sys
|
||||||
import unittest
|
import unittest
|
||||||
|
@ -1,5 +1,3 @@
|
|||||||
from __future__ import print_function
|
|
||||||
|
|
||||||
import numpy as np
|
import numpy as np
|
||||||
import unittest
|
import unittest
|
||||||
import torch.onnx
|
import torch.onnx
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import unittest
|
import unittest
|
||||||
import onnxruntime # noqa
|
import onnxruntime # noqa
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
from test_pytorch_common import TestCase, run_tests
|
from test_pytorch_common import TestCase, run_tests
|
||||||
|
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import torch
|
import torch
|
||||||
from torch.autograd import Function
|
from torch.autograd import Function
|
||||||
from torch.nn import Module, Parameter
|
from torch.nn import Module, Parameter
|
||||||
|
@ -1,8 +1,3 @@
|
|||||||
from __future__ import absolute_import
|
|
||||||
from __future__ import division
|
|
||||||
from __future__ import print_function
|
|
||||||
from __future__ import unicode_literals
|
|
||||||
|
|
||||||
import math
|
import math
|
||||||
import torch
|
import torch
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import division
|
|
||||||
from builtins import round
|
from builtins import round
|
||||||
|
|
||||||
import itertools
|
import itertools
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
|
|
||||||
import torch.distributed as c10d
|
import torch.distributed as c10d
|
||||||
import torch
|
import torch
|
||||||
|
@ -1,4 +1,3 @@
|
|||||||
from __future__ import absolute_import, division, print_function, unicode_literals
|
|
||||||
|
|
||||||
import torch
|
import torch
|
||||||
from torch.testing._internal.common_utils import TestCase, run_tests
|
from torch.testing._internal.common_utils import TestCase, run_tests
|
||||||
|
Some files were not shown because too many files have changed in this diff Show More
Reference in New Issue
Block a user