mirror of https://github.com/llvm/torch-mlir
1427 lines
57 KiB
Python
1427 lines
57 KiB
Python
# Part of the LLVM Project, under the Apache License v2.0 with LLVM Exceptions.
|
|
# See https://llvm.org/LICENSE.txt for license information.
|
|
# SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception
|
|
# Also available under a BSD-style license. See LICENSE.
|
|
|
|
# This file describes the sets of tests expected to fail for each config.
|
|
# This information is deliberately kept in a side table, rather than
|
|
# in-situ on the test, as a deliberate layering decision: tests should
|
|
# have unique keys to identify them and enable side tables of various kinds
|
|
# (this includes down into lower parts of the stack, where a side table
|
|
# might be used to keep more elaborate sets of testing configurations).
|
|
|
|
from torch_mlir_e2e_test.test_suite import COMMON_TORCH_MLIR_LOWERING_XFAILS
|
|
from torch_mlir._version import torch_version_for_comparison, version
|
|
|
|
LINALG_XFAIL_SET = COMMON_TORCH_MLIR_LOWERING_XFAILS | {
|
|
# Lowering Torch Backend IR -> Linalg-on-Tensors Backend IR failed
|
|
# 'linalg.depthwise_conv_2d_nchw_chw' op inferred input/output operand #1 has shape's dimension #0 to be 4, but found 8
|
|
"Conv2dWithPaddingDilationStrideStaticModule_depthwise_multiplier",
|
|
}
|
|
|
|
TORCHDYNAMO_XFAIL_SET = {
|
|
#### General TorchDynamo/PyTorch errors
|
|
|
|
# RecursionError: maximum recursion depth exceeded
|
|
# RuntimeError: Failed running call_function aten.lift_fresh_copy(...
|
|
# https://github.com/pytorch/pytorch/issues/89627
|
|
"LiftFreshCopyModule_basic",
|
|
# TypeError: new_empty(): argument 'size' (position 1) must be tuple of ints, but found element of type NoneType at pos 0
|
|
# RuntimeError: Failed running call_function aten.convolution_backward(...
|
|
# https://github.com/pytorch/pytorch/issues/89629
|
|
"ConvolutionBackwardModule2DPadded_basic",
|
|
"ConvolutionBackwardModule2D_basic",
|
|
|
|
# RuntimeError: Index tensor must have the same number of dimensions as self tensor
|
|
# RuntimeError: Failed running call_function aten.nll_loss_backward(...
|
|
# https://github.com/pytorch/pytorch/issues/89630
|
|
"NllLossModuleBackward1DMeanWeight_basic",
|
|
"NllLossModuleBackward1DMean_basic",
|
|
"NllLossModuleBackward1DSumWeight_basic",
|
|
"NllLossModuleBackward1DSum_basic",
|
|
"NllLossModuleBackward1DWeight_basic",
|
|
"NllLossModuleBackward1D_basic",
|
|
# TypeError: uniform() missing 2 required keyword-only arguments: 'dtype' and 'device'
|
|
# RuntimeError: Failed running call_function aten.uniform(...
|
|
# https://github.com/pytorch/torchdynamo/issues/1954
|
|
"UniformNoCorrelationModule_basic",
|
|
|
|
#### Torch-MLIR internal compiler errors
|
|
|
|
# These are probably due to slightly different ops being recorded by
|
|
# torchdynamo vs. torchscript.
|
|
|
|
# No upstream decompositions.
|
|
# %6:4 = torch.operator "aten._embedding_bag_forward_only"(%1, %3, %5, %false, %int0, %false, %none, %false, %int-1) : (!torch.tensor<*,f32>, !torch.tensor<*,si64>, !torch.tensor<*,si64>, !torch.bool, !torch.int, !torch.bool, !torch.none, !torch.bool, !torch.int) -> (!torch.tensor, !torch.tensor, !torch.tensor, !torch.tensor)
|
|
# See also: https://github.com/pytorch/torchdynamo/issues/327
|
|
"AtenEmbeddingBagSumExample_basic",
|
|
|
|
# error: failed to legalize operation 'torch.valsem.aten.bernoulli.float' that was explicitly marked illegal
|
|
"BernoulliFloatModule_basic",
|
|
"BernoulliPModule_basic",
|
|
# error: failed to legalize operation 'torch.aten.view' that was explicitly marked illegal
|
|
"ElementwiseFlattenBroadcastModule_basic",
|
|
"FlattenRank0Module_basic",
|
|
"UniformModule_basic",
|
|
"UniformStaticShapeModule_basic",
|
|
# error: unsupported by backend contract: tensor with unknown rank
|
|
# note: see current operation: %1 = "torch.tensor_static_info_cast"(%arg0) : (!torch.vtensor<[5,4,3,2,1],f32>) -> !torch.vtensor<*,f32>
|
|
"ElementwisePreluModule_basic",
|
|
|
|
#ERROR: value (Tensor with shape=[2, 3, 6, 10], dtype=torch.float32, min=-1.336e-32, max=+0.9152, mean=+0.4837) is not close to golden value (Tensor with shape=[2, 3, 6, 10], dtype=torch.float32, min=+0.02233, max=+0.9152, mean=+0.4777)
|
|
"UpSampleNearest2dDynamicFactor_basic",
|
|
"ReduceMaxAlongDimUnsignedInt_basic",
|
|
#ERROR: value (-56) is not equal to golden value (200)
|
|
"AtenIntTensorByteDtypeModule_basic",
|
|
# ERROR: assert isinstance(e, FakeTensor)
|
|
"ElementwiseAddScalar_NumToTensorFloat_Module_basic",
|
|
# ERROR: assert isinstance(e, FakeTensor)
|
|
"RsubInt0d_NumToTensor_Module_basic",
|
|
|
|
# ERROR: RuntimeError: Found a custom (non-ATen) operator that either mutates or its inputs: prims::squeeze.. Getting these operators to work with functionalization requires some extra work. For mutable ops you need to register a corresponding out-of-place variant of the op, and you also need to register a Functionalization kernel that performs some boilerplate, telling functionalization to map from the mutable op to the out-of-place op. See a more complete example of how to do this at https://gist.github.com/bdhirsh/7dadbf6296f8f7d1abcf4c482f438aaa.
|
|
"PrimsSqueezeModule_basic",
|
|
"PrimsSqueezeEmptyDimensionsModule_basic",
|
|
|
|
# ERROR: RuntimeError: Found a custom (non-ATen) operator that either mutates or its inputs: prims::view_of.. Getting these operators to work with functionalization requires some extra work. For mutable ops you need to register a corresponding out-of-place variant of the op, and you also need to register a Functionalization kernel that performs some boilerplate, telling functionalization to map from the mutable op to the out-of-place op. See a more complete example of how to do this at https://gist.github.com/bdhirsh/7dadbf6296f8f7d1abcf4c482f438aaa.
|
|
"PrimsViewOfModule_basic",
|
|
"PrimsViewOfZeroRankModule_basic",
|
|
|
|
# See https://github.com/llvm/torch-mlir/pull/2040 and corresponding upstream issue
|
|
# https://github.com/pytorch/pytorch/issues/99752.
|
|
# torch._dynamo.exc.Unsupported: call_function BuiltinVariable(bool) [TensorVariable()] {}
|
|
'TensorToBoolZeroRank_basic',
|
|
'TensorToBool_basic',
|
|
|
|
# START tests failing due to: torch._dynamo.exc.Unsupported: call_function BuiltinVariable(float) [TensorVariable()] {}
|
|
'AtenSubFloatModule_basic',
|
|
'BoolFloatFalseModule_basic',
|
|
'BoolFloatTrueModule_basic',
|
|
'CeilFloatModule_basic',
|
|
'DivFloatModule_basic',
|
|
'GeFloatIntModule_basic',
|
|
'GeFloatModule_basic',
|
|
'GtFloatIntModule_basic',
|
|
'NeFloatIntModule_basic',
|
|
'SubFloatModule_basic',
|
|
'TensorToFloatZeroRank_basic',
|
|
'TensorToFloat_basic',
|
|
# END tests failing due to: torch._dynamo.exc.Unsupported: call_function BuiltinVariable(float) [TensorVariable()] {}
|
|
|
|
|
|
# START tests failing due to: torch._dynamo.exc.Unsupported: call_function BuiltinVariable(int) [TensorVariable()] {}
|
|
'AddIntModule_basic',
|
|
'AtenIntTensorCharDtypeModule_basic',
|
|
'BoolIntFalseModule_basic',
|
|
'BoolIntTrueModule_basic',
|
|
'DivIntModule_basic',
|
|
'EqIntModule_basic',
|
|
'GeIntModule_basic',
|
|
'GtIntModule_basic',
|
|
'MulIntModule_basic',
|
|
'NeIntModule_basic',
|
|
'SqrtIntModule_basic',
|
|
'SubIntModule_basic',
|
|
'TensorToIntZeroRank_basic',
|
|
'TensorToInt_basic',
|
|
'UnsafeViewCollapseDynamicWithAtenSizeIntModule_basic',
|
|
'ViewCollapseDynamicWithAtenSizeIntModule_basic',
|
|
# END tests failing due to: torch._dynamo.exc.Unsupported: call_function BuiltinVariable(int) [TensorVariable()] {}
|
|
|
|
# ERROR: torch._dynamo.exc.Unsupported: call_method ListVariable() sort [] {'reverse': ConstantVariable(bool)}
|
|
'SortIntListReverse_basic',
|
|
|
|
# ERROR: torch._dynamo.exc.Unsupported: call_method ListVariable() sort [] {}
|
|
'SortIntList_basic',
|
|
|
|
# START tests failing due to: torch._dynamo.exc.Unsupported: data dependent operator: aten._local_scalar_dense.default
|
|
'AtenFloatScalarModule_basic',
|
|
'AtenIntBoolOpModule_basic',
|
|
'OneHotModule_basic',
|
|
'QuantizedMLP_basic',
|
|
'ScalarImplicitFloatModule_basic',
|
|
'ScalarImplicitIntModule_basic',
|
|
# END tests failing due to: torch._dynamo.exc.Unsupported: data dependent operator: aten._local_scalar_dense.default
|
|
|
|
# START tests failing due to: torch._dynamo.exc.Unsupported: dynamic shape operator: aten.bincount.default
|
|
'BincountMinlengthModule_basic',
|
|
'BincountModule_basic',
|
|
'BincountStaticSizeModule_basic',
|
|
# END tests failing due to: torch._dynamo.exc.Unsupported: dynamic shape operator: aten.bincount.default
|
|
|
|
# ERROR: torch._dynamo.exc.Unsupported: torch.* op returned non-Tensor bool call_function aten.Bool
|
|
'BoolFloatConstantModule_basic',
|
|
'BoolIntConstantModule_basic',
|
|
|
|
# ERROR: torch._dynamo.exc.Unsupported: torch.* op returned non-Tensor bool call_function aten.__contains__
|
|
'ContainsIntList_False',
|
|
'ContainsIntList_True',
|
|
|
|
# ERROR: torch._dynamo.exc.Unsupported: torch.* op returned non-Tensor bool call_function aten.all
|
|
'AllBoolFalseModule_basic',
|
|
'AllBoolTrueModule_basic',
|
|
|
|
# ERROR: torch._dynamo.exc.Unsupported: torch.* op returned non-Tensor bool call_function aten.any
|
|
'AnyBoolFalseModule_basic',
|
|
'AnyBoolTrueModule_basic',
|
|
|
|
# ERROR: torch._dynamo.exc.Unsupported: torch.* op returned non-Tensor float call_function aten.sqrt
|
|
'SqrtIntConstantModule_basic',
|
|
|
|
# ERROR: torch._dynamo.exc.Unsupported: torch.* op returned non-Tensor int call_function aten.size
|
|
'BroadcastDynamicDimModule_basic',
|
|
|
|
# START tests failing due to: torch._dynamo.exc.Unsupported: torch.* op returned non-Tensor int call_function aten.Int
|
|
'AtenIntBoolOpConstFalseModule_basic',
|
|
'AtenIntBoolOpConstTrueModule_basic',
|
|
'IntFloatModule_basic',
|
|
'PowIntFloatModule_basic',
|
|
# END tests failing due to: torch._dynamo.exc.Unsupported: torch.* op returned non-Tensor int call_function aten.Int
|
|
|
|
# ERROR: torch._dynamo.exc.Unsupported: torch.* op returned non-Tensor int call_function aten.len
|
|
'LenStrModule_basic',
|
|
|
|
# ERROR: torch._dynamo.exc.Unsupported: torch.* op returned non-Tensor int call_function aten.numel
|
|
'NumelModule_basic',
|
|
'NumelZeroRankModule_basic',
|
|
|
|
# ERROR: torch._dynamo.exc.Unsupported: torch.* op returned non-Tensor int call_function prim.max
|
|
'PrimMaxIntModule_basic',
|
|
|
|
# ERROR: torch._dynamo.exc.Unsupported: torch.* op returned non-Tensor int call_function prim.min
|
|
'PrimMinIntModule_basic',
|
|
'PrimMinIntDynamicModule_basic',
|
|
|
|
# START tests failing due to: empty graph in dynamo
|
|
'IsFloatingPointFloat_True',
|
|
'IsFloatingPointInt_False',
|
|
'TorchPrimLoopForLikeModule_basic',
|
|
'TorchPrimLoopWhileLikeModule_basic',
|
|
"ScalarConstantTupleModule_basic",
|
|
# END tests failing due to: empty graph in dynamo
|
|
|
|
# ERROR due to: backend never runs because of empty frame
|
|
'ConstantBoolParameterModule_basic',
|
|
|
|
# START tests failing due to: 'torch.aten.mul.Tensor' op operand #1 must be Any Torch tensor type, but got '!torch.float'
|
|
"AddCDivModule_basic",
|
|
"ElementwiseMulScalarModule_basic",
|
|
"ElementwiseMulScalarModule_float",
|
|
"NativeGroupNormBackwardModule_basic",
|
|
"UpSampleNearest2dDynamicSize_basic",
|
|
"UpSampleNearest2dStaticFactor_basic",
|
|
"UpSampleNearest2dStaticSize_basic",
|
|
"UpSampleNearest2d_basic",
|
|
# END tests failing due to: 'torch.aten.mul.Tensor' op operand #1 must be Any Torch tensor type, but got '!torch.float'
|
|
|
|
# START tests failing due to: 'torch.aten.add.Tensor' op operand #1 must be Any Torch tensor type, but got '!torch.float'
|
|
"BatchNorm1DModule_basic",
|
|
"BatchNorm1DWith2DInputModule_basic",
|
|
"BatchNorm2DModule_basic",
|
|
"BatchNorm3DModule_basic",
|
|
"BatchNorm1DStaticShapeModule_basic",
|
|
"ElementwiseAddScalarFloatModule_basic",
|
|
"ElementwiseAddScalarInt64Module_basic",
|
|
"ElementwiseAddScalarIntModule_basic",
|
|
"MobilenetV3Module_basic",
|
|
"NativeBatchNorm1DModule_basic",
|
|
"NativeBatchNorm2DModule_basic",
|
|
"NativeBatchNorm3DModule_basic",
|
|
"NativeBatchNormNoneWeightModule_basic",
|
|
"NativeGroupNormModule_basic",
|
|
"ResNet18Module_basic",
|
|
"ResNet18StaticModule_basic",
|
|
# END tests failing due to: 'torch.aten.add.Tensor' op operand #1 must be Any Torch tensor type, but got '!torch.float'
|
|
|
|
# ERROR: 'torch.aten.add.Tensor' op operand #1 must be Any Torch tensor type, but got '!torch.int'
|
|
"ElementwiseAddScalar_TensorLiteralInt32_Module_basic",
|
|
"HBC_basic",
|
|
|
|
# ERROR: 'torch.aten.div.Tensor' op operand #1 must be Any Torch tensor type, but got '!torch.float'
|
|
"ElementwiseDivScalarModule_basic",
|
|
|
|
# ERROR: 'torch.aten.div.Tensor' op operand #1 must be Any Torch tensor type, but got '!torch.int'
|
|
"ElementwiseAtenDivIntScalarModule_basic",
|
|
|
|
# ERROR: 'torch.aten.mul.Tensor' op operand #1 must be Any Torch tensor type, but got '!torch.int'
|
|
"ElementwiseMulScalarModule_int",
|
|
|
|
# ERROR: 'torch.aten.sub.Tensor' op operand #1 must be Any Torch tensor type, but got '!torch.float'
|
|
"ElementwiseSubScalarFloatModule_basic",
|
|
"ElementwiseSubScalarIntModule_basic",
|
|
|
|
# ERROR: Exception: Unsupported: missing default value for argument 0 in schema for aten.div.Tensor_mode
|
|
"ElementwiseDivRoundingModeFloorModule_basic",
|
|
"ElementwiseDivRoundingModeTruncModule_basic",
|
|
|
|
# ERROR: Exception: Unsupported op: get_attr
|
|
"NumToTensorFloatModule_basic",
|
|
"NumToTensorIntModule_basic",
|
|
"TensorFloatModule_basic",
|
|
"TensorIntModule_basic",
|
|
|
|
# ERROR: Exception: Unsupported: missing default value for argument 0 in schema for aten.randn.generator
|
|
"RandnGeneratorF64Module_basic",
|
|
"RandnGeneratorModule_basic",
|
|
|
|
# START tests failing due to: complex floating point ops
|
|
# END tests failing due to: complex floating point ops
|
|
|
|
# ERROR: Exception: Unsupported: return type List[Tensor] in schema for aten.unbind.int
|
|
"UnbindIntListUnpack_Module_basic",
|
|
"UnbindIntGetItem_Module_basic",
|
|
|
|
# ERROR: torch._dynamo.exc.Unsupported: call_function BuiltinVariable(float) [TensorVariable()] {}
|
|
"ScatterValueFloatModule_basic",
|
|
# ERROR: torch._dynamo.exc.Unsupported: call_function BuiltinVariable(int) [TensorVariable()] {}
|
|
"ScatterValueIntModule_basic",
|
|
|
|
# AssertionError: Unregistered operation: torch.aten._unsafe_index_put
|
|
"UnsafeIndexPutHackedTwin1DFloatNonAccumulateModule_basic",
|
|
|
|
# Lowering Torch Backend IR -> Linalg-on-Tensors Backend IR failed
|
|
# 'linalg.depthwise_conv_2d_nchw_chw' op inferred input/output operand #1 has shape's dimension #0 to be 4, but found 8
|
|
"Conv2dWithPaddingDilationStrideStaticModule_depthwise_multiplier",
|
|
|
|
# Exception: Unsupported: node.meta['val'] is not a FakeTensor or list of FakeTensor's: _scaled_dot_product_flash_attention;
|
|
"ScaledDotProductAttentionSameModule_basic",
|
|
"ScaledDotProductAttentionDifferentModule_basic",
|
|
|
|
# AssertionError: Unregistered operation: torch.aten._embedding_bag_forward_only
|
|
"AtenEmbeddingBagStaticModule_basic",
|
|
}
|
|
|
|
if torch_version_for_comparison() < version.parse("2.1.0.dev"):
|
|
TORCHDYNAMO_XFAIL_SET -= {
|
|
"ScaledDotProductAttentionSameModule_basic",
|
|
"ScaledDotProductAttentionDifferentModule_basic",
|
|
}
|
|
|
|
TORCHDYNAMO_CRASHING_SET = {
|
|
# No upstream decompositions.
|
|
# %6:4 = torch.operator "aten._embedding_bag_forward_only"(%1, %3, %5, %false, %int0, %false, %none, %false, %int-1) : (!torch.tensor<*,f32>, !torch.tensor<*,si64>, !torch.tensor<*,si64>, !torch.bool, !torch.int, !torch.bool, !torch.none, !torch.bool, !torch.int) -> (!torch.tensor, !torch.tensor, !torch.tensor, !torch.tensor)
|
|
# See also: https://github.com/pytorch/torchdynamo/issues/327
|
|
"Aten_EmbeddingBagExample_basic",
|
|
"FullModuleInt3D_basic",
|
|
"ThresholdBackward1dIntModule_basic",
|
|
"ThresholdBackward2dIntModule_basic",
|
|
"ThresholdBackward3dIntModule_basic",
|
|
# See https://github.com/llvm/torch-mlir/issues/2050
|
|
"ElementwiseCloneChannelsLastMemoryFormatModule_basic",
|
|
"ElementwiseCloneContiguousModule_basic",
|
|
"ElementwiseCloneModule_basic",
|
|
"ExpandAsFloatModule_basic",
|
|
"ExpandAsIntModule_basic",
|
|
"ExpandModule_basic",
|
|
"MoveDimIntModule_basic",
|
|
"MoveDimIntNegativeIndexModule_basic",
|
|
"NarrowVerticalTest2_basic",
|
|
"NarrowVerticalTest_basic",
|
|
"NumpyTRank2Module_basic",
|
|
"NumpyTRankNDynamicModule_basic",
|
|
"NumpyTRankNStaticModule_basic",
|
|
"PermuteModule_basic",
|
|
"PermuteNegativeIndexModule_basic",
|
|
"SelectIntNegativeDimAndIndexStaticModule_basic",
|
|
"TestMultipleTensorAndPrimitiveTypesReturn_basic",
|
|
"TModuleRank2_basic",
|
|
"ToCopyModule_basic",
|
|
"TransposeIntModule_basic",
|
|
"TransposeIntNegDimsModule_basic",
|
|
"IndexPutImpl2DNoneIndexStaticModule_basic",
|
|
}
|
|
|
|
STABLEHLO_PASS_SET = {
|
|
"TileBigDimsSizeModule_basic",
|
|
"TileSmallDimsSizeModule_basic",
|
|
"AddIntModule_basic",
|
|
"AtenIntBoolOpModule_basic",
|
|
"AtenIntTensorByteDtypeModule_basic",
|
|
"AtenIntTensorCharDtypeModule_basic",
|
|
"BoolFloatFalseModule_basic",
|
|
"BoolFloatTrueModule_basic",
|
|
"BoolIntFalseModule_basic",
|
|
"BoolIntTrueModule_basic",
|
|
"CeilFloatModule_basic",
|
|
"DivFloatModule_basic",
|
|
"DivIntModule_basic",
|
|
"EqIntModule_basic",
|
|
"GeFloatIntModule_basic",
|
|
"GeFloatModule_basic",
|
|
"GeIntModule_basic",
|
|
"GtFloatIntModule_basic",
|
|
"GtIntModule_basic",
|
|
"MulIntModule_basic",
|
|
"NeFloatIntModule_basic",
|
|
"NeIntModule_basic",
|
|
"SqrtIntModule_basic",
|
|
"SubFloatModule_basic",
|
|
"SubIntModule_basic",
|
|
"TensorToBoolZeroRank_basic",
|
|
"TensorToIntZeroRank_basic",
|
|
"TensorToFloatZeroRank_basic",
|
|
"IndexTensorStaticContiguousWithNoneModule_basic",
|
|
"IndexTensorStaticNonContiguousWithNoneModule_basic",
|
|
"AliasModule_basic",
|
|
"TensorIntModule_basic",
|
|
"AllBoolFalseModule_basic",
|
|
"AllBoolTrueModule_basic",
|
|
"AnyBoolFalseModule_basic",
|
|
"AnyBoolTrueModule_basic",
|
|
"AtenIntBoolOpConstFalseModule_basic",
|
|
"AtenIntBoolOpConstTrueModule_basic",
|
|
"AtenFloatScalarModule_basic",
|
|
"ScalarImplicitFloatModule_basic",
|
|
"ScalarImplicitIntModule_basic",
|
|
"AtenSubFloatModule_basic",
|
|
"BoolFloatConstantModule_basic",
|
|
"BoolIntConstantModule_basic",
|
|
"ContainsIntList_False",
|
|
"ContainsIntList_True",
|
|
"IntFloatModule_basic",
|
|
"IsFloatingPointFloat_True",
|
|
"IsFloatingPointInt_False",
|
|
"LenStrModule_basic",
|
|
"MeanDimAllReduceKeepdimModule_basic",
|
|
"MeanDimAllReduceModule_basic",
|
|
"MeanDimDtypeModule_basic",
|
|
"MeanDimKeepdimModule_basic",
|
|
"MeanDimModule_basic",
|
|
"MeanDimNegativeModule_basic",
|
|
"NumelZeroRankModule_basic",
|
|
"PowIntFloatModule_basic",
|
|
"PrimMaxIntModule_basic",
|
|
"PrimMinIntModule_basic",
|
|
"PrimMinIntDynamicModule_basic",
|
|
"SortIntListReverse_basic",
|
|
"SortIntList_basic",
|
|
"SqrtIntConstantModule_basic",
|
|
"StdBiasedModule_basic",
|
|
"StdDimBiasedModule_basic",
|
|
"TestMultipleTensorAndPrimitiveTypesReturn_basic",
|
|
"VarBiasedModule_basic",
|
|
"VarDimBiasedModule_basic",
|
|
"VarMeanBiasedModule_basic",
|
|
"VarMeanDimBiasedModule_basic",
|
|
"ConstantBoolParameterModule_basic",
|
|
"MaskedFillScalarIntValueStaticModule_basic",
|
|
"MaskedFillScalarFloatValueStaticModule_basic",
|
|
"AdaptiveAvgPool1dNonUnitOutputSizeStaticModule_basic",
|
|
"AdaptiveAvgPool2dNonUnitOutputSizeStaticModule_basic",
|
|
"AddSizeIntModule_basic",
|
|
"AddSizeIntNegDimModule_basic",
|
|
"ArangeDtypeFloatModule_basic",
|
|
"ArangeDtypeIntModule_basic",
|
|
"ArangeFalsePinMemoryModule_basic",
|
|
"ArangeFloatModule_basic",
|
|
"ArangeIntModule_basic",
|
|
"ArangeNegativeStartFloatModule_basic",
|
|
"ArangeNegativeStartIntModule_basic",
|
|
"ArangeStartFloatModule_basic",
|
|
"ArangeStartIntModule_basic",
|
|
"ArangeStartNegativeStepFloatModule_basic",
|
|
"ArangeStartNegativeStepIntModule_basic",
|
|
"ArangeStartStepFloatModule_basic",
|
|
"ArangeStartStepIntModule_basic",
|
|
"ArangeZeroElementOutputModule_basic",
|
|
"BatchMlpLayerModule_basic",
|
|
"BatchNorm1DModule_basic",
|
|
"BatchNorm1DWith2DInputModule_basic",
|
|
"BatchNorm2DModule_basic",
|
|
"BatchNorm3DModule_basic",
|
|
"BatchNorm1DStaticShapeModule_basic",
|
|
"ResNet18StaticModule_basic",
|
|
"BmmFloatModule_basic",
|
|
"BmmIntModule_basic",
|
|
"BroadcastToModule_basic",
|
|
"BroadcastToSameRankStaticModule_basic",
|
|
"BroadcastZeroRankInputStaticModule_basic",
|
|
"BroadcastListConstructWithMinusOneModule_basic",
|
|
"BucketizeTensorStaticFloatModule_basic",
|
|
"BucketizeTensorStaticModule_basic",
|
|
"CumsumStaticModule_basic",
|
|
"CumsumStaticNegativeDimModule_basic",
|
|
"DetachModule_basic",
|
|
"ElementwiseIsnanModule_basic",
|
|
"ElementwiseAtenLogicalAndOpPromoteBroadcastStaticShapeModule_basic",
|
|
"ElementwiseAtenLogicalNotOpModule_basic",
|
|
"ElementwiseAtenLogicalNotOpPromoteModule_basic",
|
|
"ElementwiseAtenLogicalOrOpPromoteBroadcastStaticShapeModule_basic",
|
|
"ElementwiseAtenLogicalXorOpPromoteBroadcastStaticShapeModule_basic",
|
|
"ElementwiseAtenWhereSelfModule_basic",
|
|
"ElementwiseWhereScalarOtherStaticModule_basic",
|
|
"ElementwiseWhereScalarSelfStaticModule_basic",
|
|
"ElementwiseBitwiseAndStaticShapeModule_basic",
|
|
"ElementwiseBitwiseNotInt64Module_basic",
|
|
"ElementwiseBitwiseNotInt32Module_basic",
|
|
"ElementwiseOrTensorStaticShapeModule_basic",
|
|
"ElementwiseBitwiseOrStaticShapeModule_basic",
|
|
"ElementwiseBitwiseXorStaticShapeModule_basic",
|
|
"ElementwiseClampModule_basic",
|
|
"ElementwiseClampMinModule_basic",
|
|
"ElementwiseClampMaxModule_basic",
|
|
"ElementwiseSignModule_basic",
|
|
"ElementwisePowModule_basic",
|
|
"ElementwisePowTensorStaticModule_basic",
|
|
"ElementwisePowTensorBroadcastStaticModule_basic",
|
|
"ElementwiseExpModule_basic",
|
|
"ElementwiseFlattenBroadcastModule_basic",
|
|
"ElementwiseLeakyReluModule_basic",
|
|
"ElementwiseEluModule_basic",
|
|
"ElementwiseEluNonDefaultModule_basic",
|
|
"ElementwiseLogModule_basic",
|
|
"ElementwiseNegModule_basic",
|
|
"ElementwiseRsqrtModule_basic",
|
|
"ElementwiseSigmoidModule_basic",
|
|
"ElementwiseSqrtModule_basic",
|
|
"ElementwiseSinModule_basic",
|
|
"ElementwiseCosModule_basic",
|
|
"ElementwiseCeilModule_basic",
|
|
"ElementwiseFloorModule_basic",
|
|
"ElementwiseUnaryModule_basic",
|
|
"ElementwiseUnsqueezeBroadcastModule_basic",
|
|
"ElementwiseUnsqueezeNegDimsModule_basic",
|
|
"ElementwiseToDtypeF32ToI64Module_basic",
|
|
"ElementwiseAddModule_basic",
|
|
"ElementwiseAddScalarFloatModule_basic",
|
|
"ElementwiseAddScalarInt64Module_basic",
|
|
"ElementwiseAddScalarIntModule_basic",
|
|
"ElementwiseAddScalar_NumToTensorFloat_Module_basic",
|
|
"ElementwiseAddScalar_TensorLiteralInt32_Module_basic",
|
|
"ElementwiseDivScalarModule_basic",
|
|
"ElementwiseAtenDivIntScalarModule_basic",
|
|
"ElementwiseEqDiffWidthScalarModule_basic",
|
|
"ElementwiseEqFloatScalarModule_basic",
|
|
"ElementwiseEqIntScalarModule_basic",
|
|
"ElementwiseNeFloatScalarModule_basic",
|
|
"ElementwiseNeFloatTensorStaticModule_basic",
|
|
"ElementwiseNeIntTensorStaticModule_basic",
|
|
"ElementwiseEqBoolScalarModule_basic",
|
|
"ElementwiseErfModule_basic",
|
|
"ElementwiseGeluModule_basic",
|
|
"ElementwiseGtFloatScalarModule_basic",
|
|
"ElementwiseGtIntScalarModule_basic",
|
|
"ElementwiseGtMixed2ScalarModule_basic",
|
|
"ElementwiseGeFloatIntScalarModule_basic",
|
|
"ElementwiseGeFloatScalarModule_basic",
|
|
"ElementwiseGeIntScalarModule_basic",
|
|
"ElementwiseGeMixedIntScalarModule_basic",
|
|
"ElementwiseLeakyReluStaticModule_basic",
|
|
"ElementwiseLeFloatIntScalarModule_basic",
|
|
"ElementwiseLeFloatScalarModule_basic",
|
|
"ElementwiseLeIntScalarModule_basic",
|
|
"ElementwiseLeMixedIntScalarModule_basic",
|
|
"ElementwiseLtDiffWidthScalarModule_basic",
|
|
"ElementwiseLtFloatScalarModule_basic",
|
|
"ElementwiseLtIntScalarModule_basic",
|
|
"ElementwiseMulScalarModule_basic",
|
|
"ElementwiseMulScalarModule_float",
|
|
"ElementwiseMulScalarModule_int",
|
|
"ElementwiseNeIntScalarModule_basic",
|
|
"ElementwiseReciprocalModule_basic",
|
|
"ElementwiseRelu6Module_basic",
|
|
"ElementwiseReluModule_basic",
|
|
"ElementwiseRemainderScalarModule_Bool_basic",
|
|
"ElementwiseRemainderScalarModule_Float_basic",
|
|
"ElementwiseRemainderScalarModule_Int_Float_basic",
|
|
"ElementwiseRemainderScalarModule_Int_basic",
|
|
"ElementwiseSubScalarFloatModule_basic",
|
|
"ElementwiseSubScalarIntModule_basic",
|
|
"ElementwiseWhereScalarModule_basic",
|
|
"ElementwiseAbsModule_basic",
|
|
"EmbeddingModule1DIndices_basic",
|
|
"EmbeddingModuleI32Static_basic",
|
|
"EmbeddingModuleI32_basic",
|
|
"EmbeddingModuleI64_basic",
|
|
"EmbeddingModuleF16_basic",
|
|
"EmptyLikeMemoryFormatModule_basic",
|
|
"EmptyLikeModule_defaultDtype",
|
|
"EmptyLikeModule_falsePinMemory",
|
|
"EmptyLikeModule_float",
|
|
"EmptyLikeModule_int",
|
|
"ExpandAsIntModule_basic",
|
|
"ExpandModule_basic",
|
|
"Fill_TensorFloat64WithFloat32_basic",
|
|
"Fill_TensorFloat64WithFloat64_basic",
|
|
"Fill_TensorFloat64WithInt64_basic",
|
|
"Fill_TensorFloat64WithFloat32Static_basic",
|
|
"Fill_TensorFloat64WithInt64Static_basic",
|
|
"FlipModuleStaticShape_basic",
|
|
"FlipNegativeIndexModule_basic",
|
|
"FullLikeModuleDefaultDtype_basic",
|
|
"FullLikeModuleFalsePinMemory_basic",
|
|
"FullLikeModuleFloat2D_basic",
|
|
"FullLikeModuleFloat3DStatic_basic",
|
|
"FullLikeModuleFloat3D_basic",
|
|
"FullLikeModuleInt2DStatic_basic",
|
|
"FullLikeModuleInt2D_basic",
|
|
"FullLikeModuleInt3D_basic",
|
|
"FullModuleDefaultDtype_basic",
|
|
"FullModuleFalsePinMemory_basic",
|
|
"FullModuleFloat2D_basic",
|
|
"FullModuleFloat3D_basic",
|
|
"FullModuleInt2D_basic",
|
|
"FullModuleInt3D_basic",
|
|
"NewFullModuleDefaultDtype_basic",
|
|
"NewFullModuleFalsePinMemory_basic",
|
|
"NewFullModuleFloat2D_basic",
|
|
"NewFullModuleFloat3DStatic_basic",
|
|
"NewFullModuleFloat3D_basic",
|
|
"NewFullModuleInt2DStatic_basic",
|
|
"NewFullModuleInt2D_basic",
|
|
"NewFullModuleInt3D_basic",
|
|
"GatherStaticModule_basic",
|
|
"GatherModule_basic",
|
|
"Gather2DInputModdule_basic",
|
|
"GatherRandomIndexModule_basic",
|
|
"GatherNegativeDimModule_basic",
|
|
"GeluBackwardModule_basic",
|
|
"HardswishModule_basic",
|
|
"HardswishRandomModule_basic",
|
|
"HardTanhIntModule_basic",
|
|
"HardTanhModule_basic",
|
|
"HardsigmoidModule_basic",
|
|
"HardsigmoidRandomModule_basic",
|
|
"IndexSelectDynamicIndexSizeModule_basic",
|
|
"IndexSelectSingleIdxModule_basic",
|
|
"IndexSelectTwoIdxModule_basic",
|
|
"IndexSelectWholeDimensionModule_basic",
|
|
"IndexSelectWholeTensorModule_basic",
|
|
"IndexSelectNegativeDimModule_basic",
|
|
"IndexTensorStaticModule_basic",
|
|
"IndexTensorMultiIndexStaticModule_basic",
|
|
"LayerNormLastDimModule_basic",
|
|
"LayerNormModule_basic",
|
|
"LayerNormNormalizeOverAllDimsModule_basic",
|
|
"LeakyReluBackwardStaticModule_basic",
|
|
"LinalgVectorNormModule_basic",
|
|
"LinalgVectorNormKeepDimModule_basic",
|
|
"MatmulBroadcastBatchDim_basic",
|
|
"MatmulSingleDynamicBatchDim_basic",
|
|
"Matmul_3d",
|
|
"Matmul_4d",
|
|
"MeanDimEmptyDimModule_basic",
|
|
"MeanDtypeModule_basic",
|
|
"MeanDynamicSizesModule_basic",
|
|
"MeanLargeInputModule_basic",
|
|
"MeanModule_basic",
|
|
"Mlp1LayerModule_basic",
|
|
"Mlp2LayerModule_basic",
|
|
"MmTanhModule_basic",
|
|
"Mv_basic",
|
|
"NativeLayerNormModule4D_basic",
|
|
"NativeLayerNormModule_basic",
|
|
"OneHotModule_basic",
|
|
"PrimsConvertElementTypeModule_basic",
|
|
"ReduceFrobeniusNormKeepDimModule_basic",
|
|
"ReduceSumDimIntListElementTypeBoolModule_basic",
|
|
"ReduceSumElementTypeBoolModule_basic",
|
|
"ReduceSumDimIntListEmptyDimModule_basic",
|
|
"ReduceSumDimIntListDtypeFloatModule_basic",
|
|
"ReduceSumDimIntListDtypeIntModule_basic",
|
|
"ReduceSumDimIntListKeepDimFloatModule_basic",
|
|
"ReduceSumDimIntListKeepDimIntModule_basic",
|
|
"ReduceSumDtypeFloatModule_basic",
|
|
"ReduceSumDtypeIntModule_basic",
|
|
"ReduceL1NormModule_basic",
|
|
"ReduceL1NormWithDTypeModule_basic",
|
|
"ReduceL2NormModule_basic",
|
|
"ReduceL3NormAllDimsModule_basic",
|
|
"ReduceL3NormKeepDimModule_basic",
|
|
"ReduceLN3NormModule_basic",
|
|
"NormScalarOptDimKeepDimModule_basic",
|
|
"NormScalarOptDimModule_basic",
|
|
"NormalizeModule_basic",
|
|
"ScalarConstantTupleModule_basic",
|
|
"SelectIntModule_basic",
|
|
"SelectIntNegativeDimAndIndexStaticModule_basic",
|
|
"SliceSingleIdxModule_basic",
|
|
"SqueezeDimModule_dynamic",
|
|
"SqueezeDimModule_negDim",
|
|
"ToCopyBoolDTypeStaticModule_basic",
|
|
"ToCopyModule_basic",
|
|
"ToCopyWithDTypeFalsePinMemoryModule_basic",
|
|
"ToCopyWithDTypeModule_basic",
|
|
"ReduceFrobeniusNormModule_basic",
|
|
"FlattenStaticModule_basic",
|
|
"FlattenRank0Module_basic",
|
|
"TensorsConcatNegativeDimModule_basic",
|
|
"TensorsConcatPromoteDTypeModule_basic",
|
|
"TensorsConcatStaticModule_basic",
|
|
"TensorsConcatNegativeDimStaticModule_basic",
|
|
"TensorsStackModule_basic",
|
|
"TensorsStackNegativeDimModule_basic",
|
|
"TensorsStackPromoteDTypeModule_basic",
|
|
"LiftFreshCopyModule_basic",
|
|
"Mlp2LayerModuleNoBias_basic",
|
|
"NumelModule_basic",
|
|
"SiluModule_basic",
|
|
"SquareModule_basic",
|
|
"SqueezeModule_allUnitDim",
|
|
"SqueezeDimModule_unitDim",
|
|
"ViewCollapseOnesMiddleModule_basic",
|
|
"ViewDoubleMergeStaticModule_basic",
|
|
"ViewExpandDynamicDimModule_basic",
|
|
"ViewFlattenAndExpandModule_basic",
|
|
"ViewFiveTestStaticModule_basic",
|
|
"ViewOffsetTestStaticModule_basic",
|
|
"ViewTwoFiveThreeStaticModule_basic",
|
|
"ViewTwoToThreeStaticModule_basic",
|
|
"ViewExpandOnesMiddleOppModule_basic",
|
|
"ViewOffsetBackwardTestStaticModule_basic",
|
|
"NumToTensorFloatModule_basic",
|
|
"AtenToDeviceModule_basic",
|
|
"AvgPool1dStaticModule_basic",
|
|
"AvgPool2dStaticModule_basic",
|
|
"Conv2dWithPaddingDilationStrideStaticModule_basic",
|
|
"Conv2dWithPaddingDilationStrideStaticModule_depthwise",
|
|
"Conv2dWithPaddingDilationStrideStaticModule_depthwise_multiplier",
|
|
"Conv2dWithPaddingDilationStrideStaticModule_grouped",
|
|
"Conv2dWithPaddingDilationStrideStaticModule_grouped_multiplier",
|
|
"Convolution2DStaticModule_basic",
|
|
"ConvolutionModule2DTransposeStridedStatic_basic",
|
|
"ElementwiseCloneContiguousModule_basic",
|
|
"ElementwiseCloneChannelsLastMemoryFormatModule_basic",
|
|
"ElementwiseCloneModule_basic",
|
|
"ElementwiseBinaryStaticShapeModule_basic",
|
|
"ReturnThreeTensorFloat32_basic",
|
|
"BoolTensorReturnFalseModule_basic",
|
|
"BoolTensorReturnTrueModule_basic",
|
|
"BoolTensorReturnMixedModule_basic",
|
|
"SqueezeModule_static",
|
|
"TModuleRank1_basic",
|
|
"TModuleRank0_basic",
|
|
"ElementwiseToDtypeIdentityModule_basic",
|
|
"View1DFoldModule_basic",
|
|
"UnsafeView1DFoldModule_basic",
|
|
"RsubFloatModule_basic",
|
|
"RsubFloatModule_noalpha_basic",
|
|
"RsubIntModule_basic",
|
|
"RsubIntModule_noalpha_basic",
|
|
"RsubInt0d_NumToTensor_Module_basic",
|
|
"ScalarTensorDefaultDtypeModule_basic",
|
|
"ScalarTensorFloat32Module_basic",
|
|
"ScalarTensorInt32Module_basic",
|
|
"ScalarTensorInt64Module_basic",
|
|
"SelectScattertModule_basic",
|
|
"SelectScattertStaticModule_basic",
|
|
"SliceStaticModule_basic",
|
|
"SliceModule_basic",
|
|
"SliceNegIdxModule_basic",
|
|
"SliceOutOfLowerBoundStartIndexModule_basic",
|
|
"SliceOutOfUpperBoundIndexModule_basic",
|
|
"SliceOutOfUpperBoundIndexStaticModule_basic",
|
|
"SliceStartEqEndModule_basic",
|
|
"SliceSizeTwoStepModule_basic",
|
|
"SliceWholeTensorModule_basic",
|
|
"SliceScatterModule_basic",
|
|
"SliceScatterNegativeDimModule_basic",
|
|
"SliceScatterNegativeEndModule_basic",
|
|
"SliceScatterStaticModule_basic",
|
|
"SliceScatterStepVariationModule_basic",
|
|
"SliceScatterZeroDimModule_basic",
|
|
"SqueezeDimModule_static",
|
|
"SqueezeDimModule_identity",
|
|
"SqueezeModule_broadcast",
|
|
"ReturnTwoTensorF32I64_basic",
|
|
"Matmul4dStatic_basic",
|
|
"Matmul_dot",
|
|
"Matmul_2d",
|
|
"Matmul_matvec",
|
|
"Matmul_vecmat",
|
|
"MaxPool2dWithIndicesStaticModule_basic",
|
|
"MmDagModule_basic",
|
|
"MmModule_basic",
|
|
"MmModule_chained",
|
|
"MaxPool2dStaticModule_basic",
|
|
"EmptyModule_contiguous",
|
|
"EmptyModule_defaultDtype",
|
|
"EmptyModule_falsePinMemory",
|
|
"EmptyModule_int",
|
|
"EmptyModule_float",
|
|
"NewEmptyModuleDefaultDtype_basic",
|
|
"NewEmptyModuleFalsePinMemory_basic",
|
|
"NewEmptyModuleFloat2D_basic",
|
|
"NewEmptyModuleFloat3D_basic",
|
|
"NewEmptyModuleInt2D_basic",
|
|
"NewEmptyModuleInt3D_basic",
|
|
"NewEmptyModuleLayoutIntDtype_basic",
|
|
"NewEmptyModuleNonDefaultFloatDtype_basic",
|
|
"NewEmptyModuleNonDefaultIntDtype_basic",
|
|
"NewEmptyStridedModuleDefaultDtype_basic",
|
|
"EmptyStridedModule_basic",
|
|
"PermuteModule_basic",
|
|
"PermuteNegativeIndexModule_basic",
|
|
"ReduceSumDimIntListKeepDimNegativeDimStaticModule_basic",
|
|
"ZeroFloat32Module_basic",
|
|
"ZeroInt32Module_basic",
|
|
"ZeroInt64Module_basic",
|
|
"ZerosLikeModule_defaultDtype",
|
|
"ZerosLikeModule_falsePinMemory",
|
|
"ZerosLikeModule_float",
|
|
"ZerosLikeModule_int",
|
|
"ZerosModuleDefaultDtype_basic",
|
|
"ZerosModuleInt2D_basic",
|
|
"ZerosModuleInt3D_basic",
|
|
"ZerosModuleFloat2D_basic",
|
|
"ZerosModuleFloat3D_basic",
|
|
"ZerosModuleFalsePinMemory_basic",
|
|
"OnesModuleDefaultDtype_basic",
|
|
"OnesModuleInt_basic",
|
|
"OnesModuleFloat_basic",
|
|
"OnesModuleFalsePinMemory_basic",
|
|
"OnesLikeModule_defaultDtype",
|
|
"OnesLikeModule_falsePinMemory",
|
|
"OnesLikeModule_float",
|
|
"OnesLikeModule_int",
|
|
"NewZerosModuleDefaultDtype_basic",
|
|
"NewZerosModuleInt2D_basic",
|
|
"NewZerosModuleInt3D_basic",
|
|
"NewZerosModuleFloat2D_basic",
|
|
"NewZerosModuleFloat3D_basic",
|
|
"NewZerosModuleFalsePinMemory_basic",
|
|
"NewOnesModuleDefaultDtype_basic",
|
|
"NewOnesModuleInt2D_basic",
|
|
"NewOnesModuleInt3D_basic",
|
|
"NewOnesModuleFloat2D_basic",
|
|
"NewOnesModuleFloat3D_basic",
|
|
"NewOnesModuleFalsePinMemory_basic",
|
|
"NewZerosStaticModuleLayoutStrided_basic",
|
|
"DropoutEvalIntModule_basic",
|
|
"DropoutEvalFloatModule_basic",
|
|
"DropoutTrainStaticShapeModule_basic",
|
|
"NativeDropoutEvalFloatModule_basic",
|
|
"NativeDropoutTrainStaticShapeModule_basic",
|
|
"ContiguousModule_basic",
|
|
"DropoutModule_basic",
|
|
"ViewCollapseModule_basic",
|
|
"ViewCollapseInferredDimModule_basic",
|
|
"ViewDynamicExpandCollapseModule_basic",
|
|
"ViewDynamicExpandModule_basic",
|
|
"ViewExpandModule_basic",
|
|
"ViewExpandOnesModule_basic",
|
|
"ViewExpandOnesBeforeAndAfterModule_basic",
|
|
"ViewExpandOnesMiddleModule_basic",
|
|
"ViewExpandCollapseModule_basic",
|
|
"ViewExpandCollapseWithOnesModule_basic",
|
|
"ViewExpandInferredDimModule_basic",
|
|
"ViewNegativeStaticModule_basic",
|
|
"ViewNoChangeStaticModule_basic",
|
|
"ViewNoChange1dModule_basic",
|
|
"ViewNoChange2dModule_basic",
|
|
"ViewNoChange3dModule_basic",
|
|
"UnsafeViewExpandModule_basic",
|
|
"ReduceMaxAllDims_basic",
|
|
"ReduceMaxFloatModule_basic",
|
|
"ReduceMaxSignedIntModule_basic",
|
|
"ReduceMaxUnsignedIntModule_basic",
|
|
"ReduceMinAllDims_basic",
|
|
"ReduceMinFloatModule_basic",
|
|
"ReduceMinSignedIntModule_basic",
|
|
"ReduceMinUnsignedIntModule_basic",
|
|
"ReduceSumDimIntListFloatModule_basic",
|
|
"ReduceSumDimIntListIntModule_basic",
|
|
"ReduceSumFloatModule_basic",
|
|
"ReduceSumSignedIntModule_basic",
|
|
"ReduceSumUnsignedIntModule_basic",
|
|
"RepeatModule_basic",
|
|
"ReshapeAliasCollapseModule_basic",
|
|
"ReshapeAliasExpandModule_basic",
|
|
"ReshapeExpandModule_basic",
|
|
"RollModule_basic",
|
|
"TestMultipleTensorReturn_basic",
|
|
"AdaptiveAvgPool1dUnitOutputSizeStaticModule_basic",
|
|
"AdaptiveAvgPool2dUnitOutputSizeStaticModule_basic",
|
|
"BaddbmmStaticModule_basic",
|
|
"BaddbmmBroadcast1DInputModule_basic",
|
|
"BaddbmmBroadcast2DInputModule_basic",
|
|
"NarrowHorizontalTest2_basic",
|
|
"NarrowHorizontalTest_basic",
|
|
"NarrowVerticalTest2_basic",
|
|
"NarrowVerticalTest_basic",
|
|
"NarrowTensorHorizontalModule_basic",
|
|
"NarrowTensorVerticalModule_basic",
|
|
"NumToTensorIntModule_basic",
|
|
"NumpyTRank0Module_basic",
|
|
"NumpyTRank1Module_basic",
|
|
"NumpyTRank2Module_basic",
|
|
"NumpyTRankNStaticModule_basic",
|
|
"NumpyTRankNDynamicModule_basic",
|
|
"TModuleRank2_basic",
|
|
"TensorLiteralModule_basic",
|
|
"TensorsConcatModule_basic",
|
|
"TensorOpaqueLiteralModule_basic",
|
|
"TransposeIntModule_basic",
|
|
"TransposeIntNegDimsModule_basic",
|
|
"ToDtypeBoolLayoutNoneModule_basic",
|
|
"ToDtypeBoolLayoutNoneStaticModule_basic",
|
|
"ToDtypeLayoutNoneModule_basic",
|
|
"ToDtypeLayoutStridedModule_basic",
|
|
"TypeAsSameModule_basic",
|
|
"TypeAsDifferentModule_basic",
|
|
"TypeConversionF32ToF64Module_basic",
|
|
"TypeConversionF64ToF32Module_basic",
|
|
"TypeConversionI1ToF32Module_basic",
|
|
"TypeConversionI1ToF64Module_basic",
|
|
"TypeConversionI1ToI32Module_basic",
|
|
"TypeConversionI1ToI64Module_basic",
|
|
"TypeConversionI32ToI64Module_basic",
|
|
"TypeConversionI64ToI32Module_basic",
|
|
"TypePromotionAlphaWiderModule_basic",
|
|
"TypePromotionSameCategoryZeroRankWider_basic",
|
|
"TypePromotionZeroRankHigherCategoryModule_basic",
|
|
"OnesModuleCPUDevice_basic",
|
|
"Permute0RankModule_basic",
|
|
"UnsafeViewCollapseModule_basic",
|
|
"UnsafeViewDynamicExpandModule_basic",
|
|
"AtenRoundIntModule_basic",
|
|
"TestF16Return_basic",
|
|
"_LogSoftmaxModuleStable_basic",
|
|
"PrimsSqueezeModule_basic",
|
|
"PrimsSqueezeEmptyDimensionsModule_basic",
|
|
"MoveDimIntModule_basic",
|
|
"MoveDimIntNegativeIndexModule_basic",
|
|
"ConvolutionBackwardModule2DStatic_basic",
|
|
"ConvolutionBackwardModule2DStrided_basic",
|
|
"PrimsViewOfModule_basic",
|
|
"PrimsViewOfZeroRankModule_basic",
|
|
"AtenComplex64Module_basic",
|
|
"SplitTensorGetItem_Module_basic",
|
|
"SplitTensorListUnpackModule_basic",
|
|
"SplitTensorNegativeDimModule_basic",
|
|
"SplitTensorLastSmallerModule_basic",
|
|
"SplitWithSizesListUnpackModule_basic",
|
|
"UnbindIntListUnpack_Module_basic",
|
|
"UnbindIntGetItem_Module_basic",
|
|
"ChunkListUnpack_Module_basic",
|
|
"ChunkListUnpackUneven_Module_basic",
|
|
"RandIntDtypeModule_basic",
|
|
"RandIntLowDtypeModule_basic",
|
|
"RandIntLowModule_basic",
|
|
"RandIntModule_basic",
|
|
"RandIntPinMemoryModule_basic",
|
|
"RandModule_basic",
|
|
"UniformStaticShapeModule_basic",
|
|
"UniformNoCorrelationModule_basic",
|
|
"TupleModule_basic",
|
|
"AtenEmbeddingBagStaticModule_basic",
|
|
}
|
|
|
|
STABLEHLO_CRASHING_SET = {
|
|
# These e2e tests crash because currently mlir-hlo's shape-component-analysis
|
|
# only support exact one index in tensor::ExtractOp when it's related with
|
|
# some tensors' shape. REF:
|
|
# https://github.com/tensorflow/mlir-hlo/blob/master/mhlo/analysis/shape_component_analysis.cc#L586
|
|
# FIXME if upstream mlir-hlo fix this.
|
|
"ViewCollapseDynamicWithAtenSizeIntModule_basic",
|
|
"UnsafeViewCollapseDynamicWithAtenSizeIntModule_basic",
|
|
|
|
"Aten_EmbeddingBagExample_basic",
|
|
"AtenEmbeddingBagSumExample_basic"
|
|
}
|
|
|
|
# Write the TOSA set as a "passing" set as it is very early in development
|
|
# and very few tests work yet.
|
|
TOSA_PASS_SET = {
|
|
"TileBigDimsSizeModule_basic",
|
|
"TileSmallDimsSizeModule_basic",
|
|
"IndexPutImpl2DNoneIndexStaticModule_basic",
|
|
"AliasModule_basic",
|
|
"MaxPool2dEmptyStrideStaticModule_basic",
|
|
"ConstantBoolParameterModule_basic",
|
|
"ElementwiseCloneContiguousModule_basic",
|
|
"ElementwiseCloneChannelsLastMemoryFormatModule_basic",
|
|
"ElementwiseCloneModule_basic",
|
|
"ElementwiseUnaryModule_basic",
|
|
"ElementwiseBinaryModule_basic",
|
|
"ElementwiseSigmoidModule_basic",
|
|
"ElementwiseExpModule_basic",
|
|
"ElementwiseReluModule_basic",
|
|
"ElementwiseLeakyReluModule_basic",
|
|
"ElementwiseEluModule_basic",
|
|
"ElementwiseEluNonDefaultModule_basic",
|
|
"ElementwiseFloorModule_basic",
|
|
"ElementwiseLogModule_basic",
|
|
"ElementwiseBinaryStaticShapeModule_basic",
|
|
"ElementwiseMinimumModule_basic",
|
|
"ElementwiseMinimumIntModule_basic",
|
|
"ElementwiseMinOtherIntModule_basic",
|
|
"ElementwiseMinOtherModule_basic",
|
|
"ElementwiseMaximumModule_basic",
|
|
"ElementwiseMaximumIntModule_basic",
|
|
"ElementwiseMaxOtherIntModule_basic",
|
|
"ElementwiseMaxOtherModule_basic",
|
|
"ViewDoubleMergeStaticModule_basic",
|
|
"ViewCollapseOnesMiddleModule_basic",
|
|
"ViewFiveTestStaticModule_basic",
|
|
"ViewOffsetTestStaticModule_basic",
|
|
"ViewTwoFiveThreeStaticModule_basic",
|
|
"ViewTwoToThreeStaticModule_basic",
|
|
"ViewExpandOnesMiddleOppModule_basic",
|
|
"ViewOffsetBackwardTestStaticModule_basic",
|
|
"TanhBackward_basic",
|
|
"HardtanhBackward_basic",
|
|
"ElementwiseAddModule_basic",
|
|
"ReturnThreeTensorFloat32_basic",
|
|
"AddCMulModule_basic",
|
|
"AddCDivModule_basic",
|
|
"SqueezeModule_broadcast",
|
|
"BoolTensorReturnFalseModule_basic",
|
|
"BoolTensorReturnTrueModule_basic",
|
|
"BoolTensorReturnMixedModule_basic",
|
|
"BoolTensorHandleSignless_basic",
|
|
"ElementwiseRsqrtModule_basic",
|
|
"SelectIntNegativeDimAndIndexStaticModule_basic",
|
|
"SqueezeModule_static",
|
|
"SqueezeModule_noUnitDim",
|
|
"SqueezeModule_allUnitDim",
|
|
"TModuleRank1_basic",
|
|
"TModuleRank0_basic",
|
|
"ElementwiseToDtypeIdentityModule_basic",
|
|
"AtenToDeviceModule_basic",
|
|
"View1DFoldModule_basic",
|
|
"UnsafeView1DFoldModule_basic",
|
|
"SqueezeDimModule_static",
|
|
"SqueezeDimModule_identity",
|
|
"SqueezeDimModule_unitDim",
|
|
"ReturnTwoTensorF32I64_basic",
|
|
"ElementwiseSignModule_basic",
|
|
"ElementwisePowModule_basic",
|
|
"BmmFloatModule_basic",
|
|
"MmDagModule_basic",
|
|
"Matmul4dStatic_basic",
|
|
"Matmul_dot",
|
|
"Matmul_3d",
|
|
"RsubFloatModule_basic",
|
|
"RsubFloatModule_noalpha_basic",
|
|
"RsubInt0d_NumToTensor_Module_basic",
|
|
"ElementwiseBitwiseAndModule_basic",
|
|
"ElementwiseBitwiseAndStaticShapeModule_basic",
|
|
"ElementwiseBitwiseNotInt32Module_basic",
|
|
"ElementwiseBitwiseNotInt64Module_basic",
|
|
"ElementwiseOrTensorStaticShapeModule_basic",
|
|
"ElementwiseOrTensorModule_basic",
|
|
"ElementwiseBitwiseOrModule_basic",
|
|
"ElementwiseBitwiseOrStaticShapeModule_basic",
|
|
"ElementwiseBitwiseXorModule_basic",
|
|
"ElementwiseBitwiseXorStaticShapeModule_basic",
|
|
"ElementwiseGeFloatIntScalarModule_basic",
|
|
"ElementwiseGeFloatScalarModule_basic",
|
|
"ElementwiseGeIntScalarModule_basic",
|
|
"ElementwiseGeMixedIntScalarModule_basic",
|
|
"ElementwiseGtFloatScalarModule_basic",
|
|
"ElementwiseGtIntScalarModule_basic",
|
|
"ElementwiseGtMixed2ScalarModule_basic",
|
|
"ElementwiseGtFloatTensorModule_basic",
|
|
"ElementwiseGtIntTensorModule_basic",
|
|
"ElementwiseLtFloatScalarModule_basic",
|
|
"ElementwiseLtIntScalarModule_basic",
|
|
"ElementwiseLtDiffWidthScalarModule_basic",
|
|
"ElementwiseLtFloatTensorModule_basic",
|
|
"ElementwiseLtIntTensorModule_basic",
|
|
"ElementwiseEqFloatScalarModule_basic",
|
|
"ElementwiseEqIntScalarModule_basic",
|
|
"ElementwiseEqBoolScalarModule_basic",
|
|
"ElementwiseEqDiffWidthScalarModule_basic",
|
|
"ElementwiseEqFloatTensorModule_basic",
|
|
"ElementwiseEqIntTensorModule_basic",
|
|
"ElementwiseNeFloatScalarModule_basic",
|
|
"ElementwiseNeFloatTensorModule_basic",
|
|
"ElementwiseNeFloatTensorStaticModule_basic",
|
|
"ElementwiseNeIntTensorModule_basic",
|
|
"ElementwiseNeIntTensorStaticModule_basic",
|
|
"ElementwiseMulScalarModule_int",
|
|
"ElementwiseMulScalarModule_float",
|
|
"ElementwiseMulTensorIntModule_basic",
|
|
"ElementwiseDivScalarModule_basic",
|
|
"ElementwiseAtenDivIntScalarModule_basic",
|
|
"ElementwiseSubScalarFloatModule_basic",
|
|
"ElementwiseAddScalarFloatModule_basic",
|
|
"ElementwiseAddScalar_TensorLiteralInt32_Module_basic",
|
|
"ElementwiseMulScalarModule_float",
|
|
"ElementwiseCeilModule_basic",
|
|
"ElementwiseReciprocalModule_basic",
|
|
"ElementwiseIsnanModule_basic",
|
|
"TypePromotionAlphaWiderModule_basic",
|
|
"Conv2dWithPaddingDilationStrideStaticModule_basic",
|
|
"Conv2dWithPaddingDilationStrideStaticModule_depthwise",
|
|
"Conv2dWithPaddingDilationStrideStaticModule_depthwise_multiplier",
|
|
"BatchNorm1DModule_basic",
|
|
"BatchNorm1DWith2DInputModule_basic",
|
|
"BatchNorm2DModule_basic",
|
|
"BatchNorm3DModule_basic",
|
|
"BatchNorm1DStaticShapeModule_basic",
|
|
"FlattenStaticModule_basic",
|
|
"FlattenRank0Module_basic",
|
|
"ElementwiseFlattenBroadcastModule_basic",
|
|
"SquareModule_basic",
|
|
"MaxPool2dStaticModule_basic",
|
|
"MaxPool2dStaticCeilModeTrueModule_basic",
|
|
"ResNet18StaticModule_basic",
|
|
"ReduceAmaxKeepDim_basic",
|
|
"NativeLayerNormModule4D_basic",
|
|
"LayerNormNormalizeOverAllDimsModule_basic",
|
|
"PermuteModule_basic",
|
|
"PermuteNegativeIndexModule_basic",
|
|
"ElementwiseLog2Module_basic",
|
|
"Threshold1dIntI32Module_basic",
|
|
"Threshold1dFloatModule_basic",
|
|
"Threshold2dFloatModule_basic",
|
|
"Threshold3dFloatModule_basic",
|
|
"ElementwiseSubScalarIntModule_basic",
|
|
"ElementwiseAddScalarIntModule_basic",
|
|
"ElementwiseMulScalarModule_basic",
|
|
"ZerosModuleDefaultDtype_basic",
|
|
"ZerosModuleInt2D_basic",
|
|
"ZerosModuleInt3D_basic",
|
|
"ZerosModuleFloat2D_basic",
|
|
"ZerosModuleFloat3D_basic",
|
|
"ZerosModuleFalsePinMemory_basic",
|
|
"OnesModuleDefaultDtype_basic",
|
|
"OnesModuleInt_basic",
|
|
"OnesModuleFloat_basic",
|
|
"OnesModuleFalsePinMemory_basic",
|
|
"OnesModuleCPUDevice_basic",
|
|
"NewZerosModuleDefaultDtype_basic",
|
|
"NewZerosModuleInt2D_basic",
|
|
"NewZerosModuleInt3D_basic",
|
|
"NewZerosModuleFloat2D_basic",
|
|
"NewZerosModuleFloat3D_basic",
|
|
"NewZerosModuleFalsePinMemory_basic",
|
|
"NewOnesModuleDefaultDtype_basic",
|
|
"NewOnesModuleInt2D_basic",
|
|
"NewOnesModuleInt3D_basic",
|
|
"NewOnesModuleFloat2D_basic",
|
|
"NewOnesModuleFloat3D_basic",
|
|
"NewOnesModuleFalsePinMemory_basic",
|
|
"SiluModule_basic",
|
|
"DropoutEvalIntModule_basic",
|
|
"DropoutEvalFloatModule_basic",
|
|
"ContiguousModule_basic",
|
|
"DropoutModule_basic",
|
|
"ViewExpandModule_basic",
|
|
"ViewExpandOnesModule_basic",
|
|
"ViewExpandOnesBeforeAndAfterModule_basic",
|
|
"ViewExpandOnesMiddleModule_basic",
|
|
"ViewExpandCollapseModule_basic",
|
|
"ViewExpandCollapseWithOnesModule_basic",
|
|
"ViewCollapseInferredDimModule_basic",
|
|
"ViewExpandInferredDimModule_basic",
|
|
"ViewNegativeStaticModule_basic",
|
|
"ViewNoChangeStaticModule_basic",
|
|
"UnsafeViewExpandModule_basic",
|
|
"ReshapeCollapseModule_basic",
|
|
"ElementwiseGeluModule_basic",
|
|
"GeluBackwardModule_basic",
|
|
"ElementwiseNeIntScalarModule_basic",
|
|
"Convolution2DStaticModule_basic",
|
|
"ElementwiseNegModule_basic",
|
|
"TestMultipleTensorReturn_basic",
|
|
"TypeAsSameModule_basic",
|
|
"AdaptiveAvgPool2dNonUnitOutputSizeStaticModule_basic",
|
|
"AdaptiveAvgPool2dUnitOutputSizeStaticModule_basic",
|
|
"BaddbmmDynamicModule_basic",
|
|
"BaddbmmStaticModule_basic",
|
|
"BaddbmmWithAlphaBetaModule_basic",
|
|
"BaddbmmWithAlphaModule_basic",
|
|
"BaddbmmWithBetaModule_basic",
|
|
"BaddbmmBroadcast1DInputModule_basic",
|
|
"BaddbmmBroadcast2DInputModule_basic",
|
|
"NumpyTRank1Module_basic",
|
|
"NumpyTRank2Module_basic",
|
|
"NumpyTRankNStaticModule_basic",
|
|
"NumpyTRankNDynamicModule_basic",
|
|
"EmbeddingModuleI32Static_basic",
|
|
"EmbeddingModule1DIndices_basic",
|
|
"TModuleRank2_basic",
|
|
"TransposeIntModule_basic",
|
|
"TransposeIntNegDimsModule_basic",
|
|
"ArgmaxModule_keepDim",
|
|
"ArgmaxModule_with_dim",
|
|
"_LogSoftmaxModuleStable_basic",
|
|
"ElementwiseAtenWhereSelfModule_basic",
|
|
"ElementwiseUnsqueezeBroadcastModule_basic",
|
|
"MaskedFillScalarIntValueModule_basic",
|
|
"MaskedFillScalarIntValueStaticModule_basic",
|
|
"MaskedFillTensorIntValueStaticModule_basic",
|
|
"ElementwiseAddScalarInt64Module_basic",
|
|
"TensorLiteralModule_basic",
|
|
"NewZerosStaticModuleLayoutStrided_basic",
|
|
"TensorOpaqueLiteralModule_basic",
|
|
"TypePromotionDifferentCategoryModule_basic",
|
|
"TypePromotionSameCategoryDifferentWidthModule_basic",
|
|
"TypePromotionSameCategoryZeroRankWider_basic",
|
|
"TypePromotionZeroRankHigherCategoryModule_basic",
|
|
"GatherStaticModule_basic",
|
|
"IndexTensorStaticModule_basic",
|
|
"IndexTensorMultiIndexStaticModule_basic",
|
|
"ElementwiseWhereScalarModule_basic",
|
|
"FullLikeModuleFloat3DStatic_basic",
|
|
"FullModuleDefaultDtype_basic",
|
|
"FullModuleFloat3D_basic",
|
|
"NewFullModuleDefaultDtype_basic",
|
|
"NewFullModuleFalsePinMemory_basic",
|
|
"NewFullModuleFloat2D_basic",
|
|
"NewFullModuleFloat3DStatic_basic",
|
|
"NewFullModuleFloat3D_basic",
|
|
"NewFullModuleInt2DStatic_basic",
|
|
"MaskedFillScalarDefaultModule_basic",
|
|
"NumToTensorFloatModule_basic",
|
|
"LiftFreshCopyModule_basic",
|
|
"ReduceSumDimIntListKeepDimNegativeDimStaticModule_basic",
|
|
"ReduceSumDimIntListFloatModule_basic",
|
|
"ReduceSumDimIntListIntModule_basic",
|
|
"ReduceSumDimIntListKeepDimFloatModule_basic",
|
|
"ReduceSumDimIntListKeepDimIntModule_basic",
|
|
"ReduceSumFloatModule_basic",
|
|
"ReduceSumSignedIntModule_basic",
|
|
"ReduceSumUnsignedIntModule_basic",
|
|
"BroadcastToSameRankStaticModule_basic",
|
|
"BroadcastZeroRankInputStaticModule_basic",
|
|
"BroadcastListConstructWithMinusOneModule_basic",
|
|
"SliceStaticModule_basic",
|
|
"SliceOutOfUpperBoundIndexStaticModule_basic",
|
|
"ArangeStartStepIntModule_basic",
|
|
"ArangeDtypeFloatModule_basic",
|
|
"ArangeIntModule_basic",
|
|
"ArangeNegativeStartIntModule_basic",
|
|
"ArangeStartIntModule_basic",
|
|
"ArangeStartNegativeStepIntModule_basic",
|
|
"ArangeZeroElementOutputModule_basic",
|
|
"NumToTensorIntModule_basic",
|
|
"ToDtypeBoolLayoutNoneStaticModule_basic",
|
|
"ToCopyBoolDTypeStaticModule_basic",
|
|
"HardTanhIntModule_basic",
|
|
"AtenRoundIntModule_basic",
|
|
"MseLossNoReductionModule_basic",
|
|
"AddCMul_Module_basic",
|
|
"AddCDiv_Module_basic",
|
|
"TestF16Return_basic",
|
|
"ElementwiseLeakyReluModule_basic",
|
|
"ElementwiseLeakyReluStaticModule_basic",
|
|
"LeakyReluBackwardModule_basic",
|
|
"LeakyReluBackwardStaticModule_basic",
|
|
"ElementwiseRelu6Module_basic",
|
|
"HardTanhModule_basic",
|
|
"HardsigmoidModule_basic",
|
|
"HardsigmoidRandomModule_basic",
|
|
"HardswishModule_basic",
|
|
"HardswishRandomModule_basic",
|
|
"BucketizeTensorStaticFloatModule_basic",
|
|
"BucketizeTensorStaticModule_basic",
|
|
"ElementwiseLeFloatTensorModule_basic",
|
|
"ElementwiseLeIntTensorModule_basic",
|
|
"FullLikeModuleInt2DStatic_basic",
|
|
"FullModuleInt3D_basic",
|
|
"FullModuleFloat2D_basic",
|
|
"ElementwiseAbsModule_basic",
|
|
"RepeatModule_basic",
|
|
"ConstantPad2dStaticModule_basic",
|
|
"ConstantPadNdModule_basic",
|
|
"ConstantPadNdPartialStaticModule_basic",
|
|
"ConstantPadNdStaticModule_basic",
|
|
"PadModule_basic",
|
|
"PadWithNoneValModule_basic",
|
|
"ElementwiseRemainderScalarModule_Float_basic",
|
|
"ElementwiseRemainderScalarModule_Int_Float_basic",
|
|
"ElementwiseRemainderScalarModule_Int_basic",
|
|
"PrimsSqueezeModule_basic",
|
|
"PrimsSqueezeEmptyDimensionsModule_basic",
|
|
"MoveDimIntModule_basic",
|
|
"MoveDimIntNegativeIndexModule_basic",
|
|
"ElementwiseRemainderScalarModule_Int_basic",
|
|
"MoveDimIntModule_basic",
|
|
"PrimsViewOfModule_basic",
|
|
"PrimsViewOfZeroRankModule_basic",
|
|
"DetachModule_basic",
|
|
"ScalarTensorDefaultDtypeModule_basic",
|
|
"ScalarTensorFloat32Module_basic",
|
|
"ScalarTensorInt32Module_basic",
|
|
"ScalarTensorInt64Module_basic",
|
|
"UnbindIntListUnpack_Module_basic",
|
|
"UnbindIntGetItem_Module_basic",
|
|
"TensorsConcatStaticModule_basic",
|
|
"TensorsConcatNegativeDimStaticModule_basic",
|
|
"AtenComplex64Module_basic",
|
|
"ElementwiseSqrtIntModule_basic",
|
|
"ElementwiseSqrtModule_basic",
|
|
"SplitTensorGetItem_Module_basic",
|
|
"SplitTensorListUnpackModule_basic",
|
|
"SplitTensorNegativeDimModule_basic",
|
|
"SplitTensorLastSmallerModule_basic",
|
|
"SplitWithSizesListUnpackModule_basic",
|
|
"ChunkListUnpack_Module_basic",
|
|
"ChunkListUnpackUneven_Module_basic",
|
|
"TupleModule_basic",
|
|
"NumpyTRank0Module_basic",
|
|
"Permute0RankModule_basic",
|
|
"Add_Module_basic",
|
|
"SoftmaxIntModule_basic",
|
|
"SoftmaxIntNegDimModule_basic",
|
|
"_LogSoftmaxModule_basic",
|
|
"_SoftmaxModule_basic",
|
|
}
|
|
|
|
MAKE_FX_TOSA_PASS_SET = (TOSA_PASS_SET | {
|
|
### Tests additionally passing in make_fx_tosa
|
|
"NativeGroupNormBackwardModule_basic",
|
|
"SliceWholeTensorModule_basic",
|
|
"TensorFloatModule_basic",
|
|
"TensorIntModule_basic",
|
|
"AdaptiveAvgPool1dNonUnitOutputSizeStaticModule_basic",
|
|
"AdaptiveAvgPool1dUnitOutputSizeStaticModule_basic",
|
|
}) - {
|
|
### Test failing in make_fx_tosa but not in tosa
|
|
|
|
# Dynamic shape, has extra unsupported broadcast ops
|
|
"Matmul_3d",
|
|
|
|
# failed to legalize operation 'torch.aten.max_pool2d_with_indices
|
|
"MaxPool2dEmptyStrideStaticModule_basic",
|
|
"MaxPool2dStaticCeilModeTrueModule_basic",
|
|
"MaxPool2dStaticModule_basic",
|
|
"ResNet18StaticModule_basic",
|
|
|
|
# Unimplemented operator 'aten._index_put_impl_.hacked_twin'
|
|
"IndexPutImpl1DFloatNonAccumulateModule_basic",
|
|
"IndexPutImpl1DIntNonAccumulateModule_basic",
|
|
# RuntimeError: The size of tensor a (7) must match the size of tensor b (3) at non-singleton dimension 1
|
|
"Add_Module_basic",
|
|
}
|
|
|
|
if torch_version_for_comparison() < version.parse("2.1.0.dev"):
|
|
MAKE_FX_TOSA_PASS_SET -= {
|
|
# 'tensor.expand_shape' op expected rank expansion, but found source rank 1 >= result rank 1
|
|
"ReshapeCollapseModule_basic",
|
|
|
|
# failed to lower torch.aten.empty.memory_format
|
|
"BatchNorm1DModule_basic",
|
|
"BatchNorm1DWith2DInputModule_basic",
|
|
"BatchNorm2DModule_basic",
|
|
"BatchNorm3DModule_basic",
|
|
"BatchNorm1DStaticShapeModule_basic",
|
|
}
|
|
|
|
LTC_CRASHING_SET = {
|
|
# TODO: update test to move all inputs to the lazy device. Otherwise test fails with:
|
|
# Check failed: lazy_tensor Input tensor is not a lazy tensor: CPUBoolType.
|
|
"HBC_basic",
|
|
}
|
|
|
|
LTC_XFAIL_SET = {
|
|
"_Convolution2DAllFalseModule_basic",
|
|
"_Convolution2DBenchmarkModule_basic",
|
|
"_Convolution2DCudnnModule_basic",
|
|
"_Convolution2DDeterministicModule_basic",
|
|
"_Convolution2DTF32Module_basic",
|
|
"_ConvolutionDeprecated2DAllFalseModule_basic",
|
|
"_ConvolutionDeprecated2DBenchmarkModule_basic",
|
|
"_ConvolutionDeprecated2DCudnnModule_basic",
|
|
"_ConvolutionDeprecated2DDeterministicModule_basic",
|
|
"AdaptiveAvgPool1dNonUnitOutputSizeDynamicModule_basic",
|
|
"AdaptiveAvgPool1dNonUnitOutputSizeStaticModule_basic",
|
|
"AdaptiveAvgPool2dNonUnitOutputSizeDynamicModule_basic",
|
|
"AdaptiveAvgPool2dNonUnitOutputSizeStaticModule_basic",
|
|
"AddIntModule_basic",
|
|
"AtenIntBoolOpModule_basic",
|
|
"BernoulliTensorModule_basic",
|
|
"BincountMinlengthModule_basic",
|
|
"BincountModule_basic",
|
|
"BincountStaticSizeModule_basic",
|
|
"BoolFloatFalseModule_basic",
|
|
"BoolFloatTrueModule_basic",
|
|
"BoolIntFalseModule_basic",
|
|
"BoolIntTrueModule_basic",
|
|
"CeilFloatModule_basic",
|
|
"DivFloatModule_basic",
|
|
"EqIntModule_basic",
|
|
"GeFloatIntModule_basic",
|
|
"GeFloatModule_basic",
|
|
"GeIntModule_basic",
|
|
"GtFloatIntModule_basic",
|
|
"GtIntModule_basic",
|
|
"IndexPutImpl1DFloatAccumulateModule_basic",
|
|
"IndexPutImpl1DFloatNonAccumulateModule_basic",
|
|
"IndexPutImpl1DIntAccumulateModule_basic",
|
|
"IndexPutImpl1DIntNonAccumulateModule_basic",
|
|
"IndexPutImpl2DFloatAccumulateModule_basic",
|
|
"IndexPutImpl2DFloatNonAccumulateModule_basic",
|
|
"IndexPutImpl2DIndexModule_basic",
|
|
"IndexPutImpl2DNoneIndexStaticModule_basic",
|
|
"IndexPutImpl3DFloatAccumulateModule_basic",
|
|
"IndexPutImpl3DFloatNonAccumulateModule_basic",
|
|
"IndexPutImplIndexWithNoneModule_basic",
|
|
"Matmul_dot",
|
|
"MulIntModule_basic",
|
|
"DivIntModule_basic",
|
|
"NeFloatIntModule_basic",
|
|
"NeIntModule_basic",
|
|
"QuantizedMLP_basic",
|
|
"RollModule_basic",
|
|
"ScalarImplicitFloatModule_basic",
|
|
"ScalarImplicitIntModule_basic",
|
|
"SliceEndSleStartModule_basic",
|
|
"SliceOutOfUpperBoundIndexModule_basic",
|
|
"SliceOutOfUpperBoundIndexStaticModule_basic",
|
|
"SliceStartEqEndModule_basic",
|
|
"SqrtIntModule_basic",
|
|
"SubFloatModule_basic",
|
|
"SubIntModule_basic",
|
|
"TensorsStackPromoteDTypeModule_basic",
|
|
"TensorToBoolZeroRank_basic",
|
|
"TensorToBool_basic",
|
|
"TensorToFloatZeroRank_basic",
|
|
"TensorToFloat_basic",
|
|
"TensorToIntZeroRank_basic",
|
|
"TensorToInt_basic",
|
|
"UniformModule_basic",
|
|
"UnsafeViewCollapseDynamicWithAtenSizeIntModule_basic",
|
|
"ViewCollapseDynamicWithAtenSizeIntModule_basic",
|
|
"AtenEmbeddingBagSumExample_basic",
|
|
"Aten_EmbeddingBagExample_basic",
|
|
"ElementwiseRemainderScalarModule_Int_Float_basic",
|
|
"ElementwiseRemainderScalarModule_Bool_basic",
|
|
"AtenIntTensorByteDtypeModule_basic",
|
|
"AtenIntTensorCharDtypeModule_basic",
|
|
"UpSampleNearest2dBackwardVec_basic",
|
|
"UpSampleNearest2dBackwardOutputSizeNone_basic",
|
|
"ConvolutionBackwardModule2D_basic",
|
|
"ConvolutionBackwardModule2DPadded_basic",
|
|
"VarMeanCorrectionModule_basic",
|
|
"VarMeanCorrectionNoneModule_basic",
|
|
"PrimsConvertElementTypeModule_basic",
|
|
"ElementwisePreluModule_basic",
|
|
"VarMeanBiasedModule_basic",
|
|
"VarMeanUnbiasedModule_basic",
|
|
"RandnLikeModule_basic",
|
|
"RandnLikeDtypeModule_basic",
|
|
"BernoulliFloatModule_basic",
|
|
"BernoulliModule_basic",
|
|
"BernoulliPModule_basic",
|
|
"DropoutTrainModule_basic",
|
|
"DropoutTrainStaticShapeModule_basic",
|
|
"NativeDropoutTrainModule_basic",
|
|
"NativeDropoutTrainStaticShapeModule_basic",
|
|
"StdCorrectionKeepDimModule_basic",
|
|
"StdCorrectionNoneModule_basic",
|
|
"VarCorrectionKeepDimModule_basic",
|
|
"VarCorrectionNoneModule_basic",
|
|
"AtenFloatScalarModule_basic",
|
|
"PrimsSqueezeModule_basic",
|
|
"PrimsSqueezeEmptyDimensionsModule_basic",
|
|
"PrimsViewOfModule_basic",
|
|
"PrimsViewOfZeroRankModule_basic",
|
|
"OneHotModule_basic",
|
|
"VarMeanDimModule_basic",
|
|
"VarMeanDimBiasedModule_basic",
|
|
"AtenComplexImagModule_basic",
|
|
"AtenComplexRealModule_basic",
|
|
"AtenComplexViewModule_basic",
|
|
"AtenRealView128Module_basic",
|
|
"AtenRealView64Module_basic",
|
|
"ScatterValueFloatModule_basic",
|
|
"ScatterValueIntModule_basic",
|
|
"UniformStaticShapeModule_basic",
|
|
"AtenEmbeddingBagStaticModule_basic",
|
|
"EmptyStridedModule_basic",
|
|
}
|