[go: nahoru, domu]

Skip to content

Commit

Permalink
removing base_module for glow/glow/torch_glow/tests:test_utils
Browse files Browse the repository at this point in the history
Reviewed By: bowiechen

Differential Revision: D55695991

fbshipit-source-id: 843b97f6e3694514e9a88b03fc3008b749d7617d
  • Loading branch information
azad-meta authored and facebook-github-bot committed Apr 5, 2024
1 parent 162684d commit 271f905
Show file tree
Hide file tree
Showing 154 changed files with 165 additions and 165 deletions.
2 changes: 1 addition & 1 deletion torch_glow/tests/backends/NNPI/model_serialization_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -6,7 +6,7 @@
import torch
import torch.jit
import torch_glow
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class Bar(torch.nn.Module):
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
import unittest

import torch
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class TestQuantizedConv2dBigStrideSmallKernel(utils.TorchGlowTestCase):
Expand Down
4 changes: 2 additions & 2 deletions torch_glow/tests/functionality/blocklist_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,8 +5,8 @@

import torch
import torch_glow
from tests import utils
from tests.utils import GLOW_FUSION_GROUP, SUBGRAPH_ATTR
from glow.glow.torch_glow.tests.tests import utils
from glow.glow.torch_glow.tests.tests.utils import GLOW_FUSION_GROUP, SUBGRAPH_ATTR


class TestBlockList(utils.TorchGlowTestCase):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/functionality/compilation_spec_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,7 @@

import torch
import torch_glow
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class TestCompilationSpec(utils.TorchGlowTestCase):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/functionality/conv_to_glow_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,7 @@

import torch
import torch_glow
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


def create_model(x, relu, bias=True):
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,7 @@

import torch
import torch_glow
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class TestFuseParallelBranches(utils.TorchGlowTestCase):
Expand Down
4 changes: 2 additions & 2 deletions torch_glow/tests/functionality/fused_linear_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,8 +5,8 @@

import torch
import torch_glow
from tests import utils
from tests.utils import graph_contains_str
from glow.glow.torch_glow.tests.tests import utils
from glow.glow.torch_glow.tests.tests.utils import graph_contains_str


graph_str = """
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/functionality/input_spec_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@

import torch
import torch_glow
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


def get_compilation_spec(inputs):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/functionality/jit_vs_glow_path_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -6,7 +6,7 @@
import torch
import torch.nn.functional as F
import torch_glow
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class TestJITVsGlowPath(utils.TorchGlowTestCase):
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,7 @@

import torch
import torch_glow
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class TestLoadBackendSpecificOptions(utils.TorchGlowTestCase):
Expand Down
4 changes: 2 additions & 2 deletions torch_glow/tests/functionality/max_fusion_merge_size_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,8 +5,8 @@

import torch
import torch_glow
from tests import utils
from tests.utils import GLOW_FUSION_GROUP
from glow.glow.torch_glow.tests.tests import utils
from glow.glow.torch_glow.tests.tests.utils import GLOW_FUSION_GROUP


class TestMaxFusionMergeSize(utils.TorchGlowTestCase):
Expand Down
4 changes: 2 additions & 2 deletions torch_glow/tests/functionality/min_graph_size_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,8 +5,8 @@

import torch
import torch_glow
from tests import utils
from tests.utils import GLOW_FUSION_GROUP
from glow.glow.torch_glow.tests.tests import utils
from glow.glow.torch_glow.tests.tests.utils import GLOW_FUSION_GROUP


class TestMinGraphSize(utils.TorchGlowTestCase):
Expand Down
4 changes: 2 additions & 2 deletions torch_glow/tests/functionality/only_tensor_outputs_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,8 +5,8 @@

import torch
import torch_glow
from tests import utils
from tests.utils import GLOW_FUSION_GROUP
from glow.glow.torch_glow.tests.tests import utils
from glow.glow.torch_glow.tests.tests.utils import GLOW_FUSION_GROUP


class TestOnlyTensorOutputs(utils.TorchGlowTestCase):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/functionality/print_jit_index_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,7 @@

import torch
import torch_glow
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class TestPrintJitNodeIndices(utils.TorchGlowTestCase):
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -5,8 +5,8 @@

import torch
import torch_glow
from tests import utils
from tests.utils import GLOW_FUSION_GROUP
from glow.glow.torch_glow.tests.tests import utils
from glow.glow.torch_glow.tests.tests.utils import GLOW_FUSION_GROUP


class TestQuantizedCut(utils.TorchGlowTestCase):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/functionality/randomize_constants_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@

import torch
import torch_glow
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class Model(torch.nn.Module):
Expand Down
4 changes: 2 additions & 2 deletions torch_glow/tests/functionality/remove_exceptions_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,8 +5,8 @@

import torch
import torch_glow
from tests import utils
from tests.utils import graph_contains_str
from glow.glow.torch_glow.tests.tests import utils
from glow.glow.torch_glow.tests.tests.utils import graph_contains_str


def foo(x):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/functionality/set_glow_backend_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
from __future__ import absolute_import, division, print_function, unicode_literals

import torch_glow
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class TestSetGlowBackend(utils.TorchGlowTestCase):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/functionality/shape_inference_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@

import torch
import torch_glow
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class TestGlowShapeInference(utils.TorchGlowTestCase):
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,7 @@

import torch
import torch_glow
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class Foo(torch.nn.Module):
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,7 @@

import torch
import torch_glow
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class SimpleModule(torch.nn.Module):
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -6,7 +6,7 @@
import torch
import torch.jit
import torch_glow
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


# Use a model containing quantized::conv2d to verify preprocessed module is
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/functionality/to_glow_selective_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@

import torch
import torch_glow
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class Qux(torch.nn.Module):
Expand Down
4 changes: 2 additions & 2 deletions torch_glow/tests/functionality/to_glow_tuple_output_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,8 +5,8 @@

import torch
import torch_glow
from tests import utils
from tests.utils import assertModulesEqual
from glow.glow.torch_glow.tests.tests import utils
from glow.glow.torch_glow.tests.tests.utils import assertModulesEqual


class TwoTupleModule(torch.nn.Module):
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -8,7 +8,7 @@

import torch
import torch_glow
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class Foo(torch.nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/nodes/Int_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -17,7 +17,7 @@
from __future__ import absolute_import, division, print_function, unicode_literals

import torch
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class SimpleIntModule(torch.nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/nodes/abs_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -17,7 +17,7 @@
from __future__ import absolute_import, division, print_function, unicode_literals

import torch
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class SimpleAbsModule(torch.nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/nodes/adaptive_avg_pool2d_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,7 @@

import torch
import torch.nn.functional as F
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class SimpleAdapativeAvgPool2dModule(torch.nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/nodes/add_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -17,7 +17,7 @@
from __future__ import absolute_import, division, print_function, unicode_literals

import torch
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class SimpleAddModule(torch.nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/nodes/addmm_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -17,7 +17,7 @@
from __future__ import absolute_import, division, print_function, unicode_literals

import torch
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class SimpleAddMmModule(torch.nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/nodes/and_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -17,7 +17,7 @@
from __future__ import absolute_import, division, print_function, unicode_literals

import torch
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class SimpleAndModule(torch.nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/nodes/arange_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -17,7 +17,7 @@
from __future__ import absolute_import, division, print_function, unicode_literals

import torch
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class SimpleArangeModule(torch.nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/nodes/arg_min_max_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -15,7 +15,7 @@
# pyre-ignore-all-errors

import torch
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class ArgMinModule(torch.nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/nodes/argsort_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -17,7 +17,7 @@
from __future__ import absolute_import, division, print_function, unicode_literals

import torch
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class SimpleArgSortModule(torch.nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/nodes/attention_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -20,7 +20,7 @@

import torch
import torch_glow
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class SimpleAttentionModule(torch.nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/nodes/avgpool1d_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,7 @@

import torch
import torch.nn.functional as F
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class SimpleAvgPool1dModule(torch.nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/nodes/avgpool2d_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,7 @@

import torch
import torch.nn.functional as F
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class SimpleAvgPool2dModule(torch.nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/nodes/avgpool3d_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,7 @@

import torch
import torch.nn.functional as F
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class SimpleAvgPool3dModule(torch.nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/nodes/baddbmm_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -17,7 +17,7 @@
from __future__ import absolute_import, division, print_function, unicode_literals

import torch
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class SimpleBAddBmmModule(torch.nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/nodes/batch_permutation_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -17,7 +17,7 @@
from __future__ import absolute_import, division, print_function, unicode_literals

import torch
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class SimpleBatchPermutationModule(torch.nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/nodes/batchnorm0d_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,7 @@

import torch
import torch.nn as nn
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class TestBatchNorm0D(utils.TorchGlowTestCase):
Expand Down
2 changes: 1 addition & 1 deletion torch_glow/tests/nodes/batchnorm1d_test.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,7 @@

import torch
import torch.nn as nn
from tests import utils
from glow.glow.torch_glow.tests.tests import utils


class TestBatchNorm1D(utils.TorchGlowTestCase):
Expand Down
Loading

0 comments on commit 271f905

Please sign in to comment.