mirror of
https://github.com/pytorch/pytorch.git
synced 2025-10-20 21:14:14 +08:00
Revert "markDynamoStrictTest more tests (#115871)"
This reverts commit 478f0e96dc2593db401903ac2ae053f8cd1e29ea. Reverted https://github.com/pytorch/pytorch/pull/115871 on behalf of https://github.com/jeanschmidt due to Breaking internal tests and builds, please check diff, this is required to revert #115870 ([comment](https://github.com/pytorch/pytorch/pull/115871#issuecomment-1862992931))
This commit is contained in:
@ -50,7 +50,6 @@ def extract_dispatch_table_with_keys(table, dispatch_keys):
|
||||
extracted += (entry + '\n')
|
||||
return extracted
|
||||
|
||||
@torch.testing._internal.common_utils.markDynamoStrictTest
|
||||
class TestDispatch(TestCase):
|
||||
namespace_index = 0
|
||||
|
||||
@ -796,7 +795,6 @@ CPU: registered at {extension_path}:5 :: () -> () [ boxed unboxed ]
|
||||
"could not parse dispatch key: invalid_key"):
|
||||
C._dispatch_print_registrations_for_dispatch_key('invalid_key')
|
||||
|
||||
@torch.testing._internal.common_utils.markDynamoStrictTest
|
||||
class TestPythonDispatcher(TestCase):
|
||||
def test_basic(self):
|
||||
dispatcher = PythonDispatcher()
|
||||
|
@ -37,7 +37,6 @@ from torch.utils._mode_utils import no_dispatch
|
||||
from torch.utils._python_dispatch import TorchDispatchMode
|
||||
import torch.utils._pytree as pytree
|
||||
|
||||
@torch.testing._internal.common_utils.markDynamoStrictTest
|
||||
class FakeTensorTest(TestCase):
|
||||
def checkType(self, t, device_str, size):
|
||||
self.assertTrue(isinstance(t, FakeTensor))
|
||||
@ -753,7 +752,6 @@ class FakeTensorTest(TestCase):
|
||||
self.assertTrue(torch._prims_common.suggest_memory_format(grad_in) == torch.channels_last)
|
||||
|
||||
|
||||
@torch.testing._internal.common_utils.markDynamoStrictTest
|
||||
class FakeTensorConstHandling(TestCase):
|
||||
def assertConst(self, *args):
|
||||
for arg in args:
|
||||
@ -850,7 +848,6 @@ def contains_type(type: torch._C.Type, maybe_contained_type: torch._C.Type):
|
||||
)
|
||||
|
||||
|
||||
@torch.testing._internal.common_utils.markDynamoStrictTest
|
||||
class FakeTensorOpInfoTest(TestCase):
|
||||
@ops(custom_op_db, dtypes=OpDTypes.any_one)
|
||||
def test_fake(self, device, dtype, op):
|
||||
@ -861,7 +858,6 @@ class FakeTensorOpInfoTest(TestCase):
|
||||
optests.fake_check(op, args, kwargs)
|
||||
|
||||
|
||||
@torch.testing._internal.common_utils.markDynamoStrictTest
|
||||
class FakeTensorConverterTest(TestCase):
|
||||
def test_memoized_conversion_to_meta(self):
|
||||
x = torch.rand(2, 2, 2)
|
||||
@ -971,7 +967,6 @@ class FakeTensorConverterTest(TestCase):
|
||||
assert y_weak() is None
|
||||
|
||||
|
||||
@torch.testing._internal.common_utils.markDynamoStrictTest
|
||||
class FakeTensorOperatorInvariants(TestCase):
|
||||
@staticmethod
|
||||
def get_aten_op(schema):
|
||||
@ -1163,7 +1158,6 @@ class FakeTensorOperatorInvariants(TestCase):
|
||||
self.assertEqual(mode.count, 0)
|
||||
|
||||
|
||||
@torch.testing._internal.common_utils.markDynamoStrictTest
|
||||
class FakeTensorPropTest(TestCase):
|
||||
def test_fake_tensor_prop_on_nn_module(self):
|
||||
class ToyNnModuleWithParameters(torch.nn.Module):
|
||||
|
@ -18,7 +18,6 @@ from torch.testing._internal.common_device_type import (
|
||||
onlyNativeDeviceTypes, skipXLA)
|
||||
|
||||
|
||||
@torch.testing._internal.common_utils.markDynamoStrictTest
|
||||
class TestIndexing(TestCase):
|
||||
def test_index(self, device):
|
||||
|
||||
@ -1431,7 +1430,6 @@ class TestIndexing(TestCase):
|
||||
# (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE
|
||||
# OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE.
|
||||
|
||||
@torch.testing._internal.common_utils.markDynamoStrictTest
|
||||
class NumpyTests(TestCase):
|
||||
def test_index_no_floats(self, device):
|
||||
a = torch.tensor([[[5.]]], device=device)
|
||||
|
@ -41,7 +41,6 @@ if TEST_SCIPY:
|
||||
import scipy
|
||||
|
||||
|
||||
@torch.testing._internal.common_utils.markDynamoStrictTest
|
||||
@unittest.skipIf(IS_ARM64, "Issue with numpy version on arm")
|
||||
class TestLinalg(TestCase):
|
||||
def setUp(self):
|
||||
|
@ -129,67 +129,4 @@ dynamo_expected_failures = {
|
||||
"TestConvolutionNNDeviceTypeCPU.test_conv_backend_mkldnn_empty_channel3d_has_bias_False_strided_True_contiguous_True_cpu",
|
||||
"TestConvolutionNNDeviceTypeCPU.test_conv_backend_mkldnn_empty_channel3d_has_bias_True_strided_False_contiguous_False_cpu",
|
||||
"TestPoolingNN.test_MaxUnpool2d_output_size",
|
||||
"TestIndexingCPU.test_zero_dim_index_cpu",
|
||||
"NumpyTestsCPU.test_boolean_indexing_weirdness_cpu",
|
||||
"FakeTensorConverterTest.test_memoized_conversion_from_meta",
|
||||
"NumpyTestsCPU.test_boolean_shape_mismatch_cpu",
|
||||
"FakeTensorOperatorInvariants.test_like_ops",
|
||||
"FakeTensorOperatorInvariants.test_non_kwarg_only_device",
|
||||
"FakeTensorOperatorInvariants.test_tensor_constructors_all_have_kwarg_device",
|
||||
"NumpyTestsCPU.test_empty_fancy_index_cpu",
|
||||
"NumpyTestsCPU.test_index_no_floats_cpu",
|
||||
"TestLinalgCPU.test_addmm_sizes_cpu_float32",
|
||||
"TestLinalgCPU.test_addmm_sizes_cpu_float64",
|
||||
"TestLinalgCPU.test_addr_integral_cpu_int16",
|
||||
"TestLinalgCPU.test_addr_integral_cpu_int32",
|
||||
"TestLinalgCPU.test_addr_integral_cpu_int64",
|
||||
"TestLinalgCPU.test_addr_integral_cpu_int8",
|
||||
"TestLinalgCPU.test_addr_integral_cpu_uint8",
|
||||
"TestIndexingCPU.test_empty_ndim_index_bool_cpu",
|
||||
"TestPythonDispatcher.test_quantized_structured_not_implemented",
|
||||
"TestIndexingCPU.test_index_cpu",
|
||||
"TestIndexingCPU.test_invalid_index_cpu",
|
||||
"TestIndexingCPU.test_out_of_bound_index_cpu",
|
||||
"TestLinalgCPU.test_inverse_cpu_complex128",
|
||||
"TestLinalgCPU.test_inverse_cpu_complex64",
|
||||
"TestLinalgCPU.test_inverse_cpu_float32",
|
||||
"TestLinalgCPU.test_inverse_cpu_float64",
|
||||
"TestLinalgCPU.test_matmul_small_brute_force_3d_Nd_cpu_complex64",
|
||||
"TestLinalgCPU.test_matmul_small_brute_force_3d_Nd_cpu_float32",
|
||||
"TestLinalgCPU.test_matmul_small_brute_force_3d_Nd_cpu_int64",
|
||||
"TestLinalgCPU.test_linalg_lu_family_cpu_complex128",
|
||||
"TestLinalgCPU.test_linalg_lu_family_cpu_complex64",
|
||||
"TestLinalgCPU.test_linalg_lu_family_cpu_float32",
|
||||
"TestLinalgCPU.test_linalg_lu_family_cpu_float64",
|
||||
"TestLinalgCPU.test_einsum_random_cpu_complex128",
|
||||
"TestLinalgCPU.test_einsum_random_cpu_float64",
|
||||
"TestLinalgCPU.test_einsum_sublist_format_cpu_complex128",
|
||||
"TestLinalgCPU.test_einsum_sublist_format_cpu_float64",
|
||||
"TestLinalgCPU.test_geqrf_cpu_complex128",
|
||||
"TestLinalgCPU.test_geqrf_cpu_complex64",
|
||||
"TestLinalgCPU.test_norm_dtype_cpu_float64",
|
||||
"TestLinalgCPU.test_geqrf_cpu_float32",
|
||||
"TestLinalgCPU.test_geqrf_cpu_float64",
|
||||
"TestLinalgCPU.test_householder_product_cpu_complex128",
|
||||
"TestLinalgCPU.test_householder_product_cpu_complex64",
|
||||
"TestLinalgCPU.test_householder_product_cpu_float32",
|
||||
"TestLinalgCPU.test_householder_product_cpu_float64",
|
||||
"TestLinalgCPU.test_norm_vector_cpu_float32",
|
||||
"TestLinalgCPU.test_norm_vector_cpu_float64",
|
||||
"TestLinalgCPU.test_norm_bfloat16_and_half_cpu_bfloat16",
|
||||
"TestLinalgCPU.test_norm_bfloat16_and_half_cpu_float16",
|
||||
"TestLinalgCPU.test_norm_dtype_cpu_complex128",
|
||||
"TestLinalgCPU.test_pinv_cpu_float64",
|
||||
"TestLinalgCPU.test_slogdet_errors_and_warnings_cpu_complex128",
|
||||
"TestLinalgCPU.test_slogdet_errors_and_warnings_cpu_complex64",
|
||||
"TestLinalgCPU.test_slogdet_errors_and_warnings_cpu_float32",
|
||||
"TestLinalgCPU.test_slogdet_errors_and_warnings_cpu_float64",
|
||||
"TestLinalgCPU.test_solve_cpu_complex128",
|
||||
"TestLinalgCPU.test_solve_cpu_complex64",
|
||||
"TestLinalgCPU.test_solve_cpu_float32",
|
||||
"TestLinalgCPU.test_solve_cpu_float64",
|
||||
"TestLinalgCPU.test_lobpcg_torchscript_cpu_float64",
|
||||
"TestLinalgCPU.test_pinv_cpu_complex128",
|
||||
"TestLinalgCPU.test_pinv_cpu_complex64",
|
||||
"TestLinalgCPU.test_pinv_cpu_float32",
|
||||
}
|
||||
|
Reference in New Issue
Block a user