|
6 | 6 | import unittest
|
7 | 7 | from typing import Tuple
|
8 | 8 |
|
| 9 | +import caffe2.python.onnx.backend as c2 |
| 10 | + |
9 | 11 | import model_defs.dcgan as dcgan
|
10 | 12 | import model_defs.word_language_model as word_language_model
|
11 | 13 | import numpy as np
|
12 | 14 | import onnx
|
| 15 | +import torch.onnx |
| 16 | +import torch.onnx.operators |
| 17 | +import torch.utils.model_zoo as model_zoo |
13 | 18 | import verify
|
| 19 | +from caffe2.python.operator_test.torch_integration_test import ( |
| 20 | + create_bbox_transform_inputs, |
| 21 | + generate_rois_rotated, |
| 22 | +) |
14 | 23 | from debug_embed_params import run_embed_params
|
15 | 24 | from model_defs.lstm_flattening_result import LstmFlatteningResult
|
16 | 25 | from model_defs.mnist import MNIST
|
|
29 | 38 | skipIfUnsupportedMinOpsetVersion,
|
30 | 39 | skipIfUnsupportedOpsetVersion,
|
31 | 40 | )
|
| 41 | +from torch import nn |
| 42 | +from torch.autograd import function, Variable |
| 43 | +from torch.nn.utils import rnn as rnn_utils |
| 44 | +from torch.onnx import ExportTypes |
| 45 | +from torch.testing._internal import common_utils |
| 46 | +from torch.testing._internal.common_utils import skipIfNoLapack |
32 | 47 |
|
33 | 48 | # Import various models for testing
|
34 | 49 | from torchvision.models.alexnet import alexnet
|
|
37 | 52 | from torchvision.models.resnet import resnet50
|
38 | 53 | from torchvision.models.vgg import vgg16, vgg16_bn, vgg19, vgg19_bn
|
39 | 54 |
|
40 |
| -import caffe2.python.onnx.backend as c2 |
41 |
| -import torch.onnx |
42 |
| -import torch.onnx.operators |
43 |
| -import torch.utils.model_zoo as model_zoo |
44 |
| -from caffe2.python.operator_test.torch_integration_test import ( |
45 |
| - create_bbox_transform_inputs, |
46 |
| - generate_rois_rotated, |
47 |
| -) |
48 |
| -from torch import nn |
49 |
| -from torch.autograd import Variable, function |
50 |
| -from torch.nn.utils import rnn as rnn_utils |
51 |
| -from torch.onnx import ExportTypes |
52 |
| -from torch.testing._internal import common_utils |
53 |
| -from torch.testing._internal.common_utils import skipIfNoLapack |
54 |
| - |
55 | 55 | skip = unittest.skip
|
56 | 56 |
|
57 | 57 |
|
|
0 commit comments