Skip to content

Commit

Permalink
[UT] rm pytest.skip add within our team and use skiplist instead (#1517)
Browse files Browse the repository at this point in the history
Fix #1434

---------

Co-authored-by: Pavel Chekin <pavel.chekin@intel.com>
  • Loading branch information
AshburnLee and pbchekin authored Jul 8, 2024
1 parent e721be7 commit 331048e
Show file tree
Hide file tree
Showing 6 changed files with 544 additions and 19 deletions.
19 changes: 0 additions & 19 deletions python/test/unit/language/test_core.py
Original file line number Diff line number Diff line change
Expand Up @@ -1045,8 +1045,6 @@ def test_math_divide_op(expr, num_ctas, device):
('tl.math.div_rn(x,y)', '(x.to(tl.float64) / y.to(tl.float64)).to(tl.float32)')])
@pytest.mark.parametrize("num_ctas", num_ctas_list)
def test_precise_math(expr_prec, expr_ref, num_ctas, device):
if expr_prec == 'tl.math.sqrt_rn(x)':
pytest.skip("FIXME: Fail accuracy")

@triton.jit
def kernel(X, Y, OUT, OUT_REF, BLOCK: tl.constexpr):
Expand Down Expand Up @@ -1750,9 +1748,6 @@ def kernel(output_ptr, n_elements, BLOCK_SIZE: tl.constexpr):
def test_store_constant_default_dtype(num_ctas, device):
"""Tests that boolean True is stored as 1"""

if is_interpreter():
pytest.skip("FIXME: Incorrect result on XPU")

@triton.jit
def kernel(output_ptr, n_elements, BLOCK_SIZE: tl.constexpr):
offsets = tl.program_id(axis=0) * BLOCK_SIZE + tl.arange(0, BLOCK_SIZE)
Expand Down Expand Up @@ -3357,8 +3352,6 @@ def kernel(X, stride_xm, stride_xk, Y, stride_yk, stride_yn, W, stride_wn, strid
@pytest.mark.parametrize("in_dtype_str, out_dtype_str", [('int8', 'int8'), ('float16', 'float16'),
('float16', 'float32'), ('float32', 'float32')])
def test_dot3d(B, num_warps, M, N, K, in_dtype_str, out_dtype_str, device):
if is_xpu():
pytest.skip("FIXME: Incorrect result on XPU")
if is_hip():
# hip does not support tf32 precision, so use ieee for all tests
input_precision = "ieee"
Expand Down Expand Up @@ -3645,9 +3638,6 @@ def kernel_constexpr(in_ptr: tl.const, out, c_out: tl.const, choose_const: tl.co
@pytest.mark.parametrize("dtype_str", ['float32', 'float16'])
def test_dot_without_load(dtype_str, device):

if is_interpreter() and dtype_str == "float16":
pytest.skip("FIXME: RuntimeError: \"addmm_impl_cpu_\" not implemented for 'Half'")

@triton.jit
def _kernel(out):
a = GENERATE_TEST_HERE
Expand Down Expand Up @@ -3766,10 +3756,6 @@ def kernel(in_ptr, out_ptr, size: tl.constexpr, mask: tl.constexpr, other: tl.co
def test_masked_load_shared_memory(dtype, device):

check_type_supported(dtype, device) # bfloat16 on cc < 80 will not be tested

if is_interpreter() and dtype == torch.float16:
pytest.skip("FIXME: RuntimeError: \"addmm_impl_cpu_\" not implemented for 'Half'")

M = 32
N = 32
K = 16
Expand Down Expand Up @@ -5234,9 +5220,6 @@ def test_dot_max_num_imprecise_acc(M, N, K, BLOCK_M, BLOCK_N, BLOCK_K, in_type_s

check_type_supported(in_type_str, device)

if is_interpreter():
pytest.skip("FIXME: RuntimeError: \"addmm_impl_cpu_\" not implemented for 'Half'")

A = numpy_random((M, K), dtype_str=in_type_str)
B = numpy_random((K, N), dtype_str=in_type_str)
C = torch.empty((M, N), dtype=torch.float32, device=device)
Expand Down Expand Up @@ -5433,8 +5416,6 @@ def loop_kernel(Z, N: tl.constexpr, step: tl.constexpr):
def test_tl_range(device):
if is_hip():
pytest.skip("test_tl_range is not supported in HIP")
if is_interpreter():
pytest.skip("FIXME: RuntimeError: \"addmm_impl_cpu_\" not implemented for 'Half'")
M, N, K = 64, 64, 512
BLOCK_M, BLOCK_N, BLOCK_K = M, N, 64
a = torch.randn((M, K), device=device, dtype=torch.float16)
Expand Down
162 changes: 162 additions & 0 deletions scripts/skiplist/conda/language.txt
Original file line number Diff line number Diff line change
Expand Up @@ -180,3 +180,165 @@ test/unit/language/test_core.py::test_convert2d[dst_layout8-interm_layout3-src_l
test/unit/language/test_core.py::test_convert2d[dst_layout8-interm_layout3-src_layout5-float16-64-1]
test/unit/language/test_core.py::test_convert2d[dst_layout8-interm_layout3-src_layout6-float16-64-1]
test/unit/language/test_core.py::test_convert2d[dst_layout8-interm_layout3-src_layout7-float16-64-1]
# https://github.com/intel/intel-xpu-backend-for-triton/issues/1434
test/unit/language/test_core.py::test_precise_math[1-tl.math.sqrt_rn(x)-tl.math.sqrt(x.to(tl.float64)).to(tl.float32)]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-2-2]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-1-1]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-2-4]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-8-1]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-2-2]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-1-2]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-8-8]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-4-1]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-4-4]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-2-1]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-16-1]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-1-1]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-4-1]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-4-1]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-1-8]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-16-1]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-4-2]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-16-1]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-2-1]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-1-2]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-4-4]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-16-1]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-2-1]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-4-8]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-16-4]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-8-2]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-2-4]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-2-2]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-16-8]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-8-1]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-4-2]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-16-8]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-16-8]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-1-4]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-4-4]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-4-4]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-8-8]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-16-2]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-4-4]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-16-4]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-2-2]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-4-1]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-4-1]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-8-2]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-16-8]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-2-2]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-8-1]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-16-8]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-8-8]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-1-1]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-2-1]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-1-1]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-8-2]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-16-2]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-8-4]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-1-2]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-16-2]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-8-4]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-2-4]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-8-2]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-2-4]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-1-1]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-8-1]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-16-8]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-2-4]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-4-4]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-8-8]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-1-8]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-1-2]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-4-1]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-8-4]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-1-2]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-16-2]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-4-1]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-2-4]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-16-4]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-2-1]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-16-4]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-8-1]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-2-4]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-2-1]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-4-2]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-1-1]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-4-2]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-8-2]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-2-8]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-1-2]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-8-2]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-1-1]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-2-8]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-8-1]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-16-4]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-2-8]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-1-8]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-4-2]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-8-8]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-1-8]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-1-8]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-16-2]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-16-8]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-1-4]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-8-4]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-16-1]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-8-2]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-2-2]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-2-8]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-4-8]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-1-4]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-8-4]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-4-8]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-2-2]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-1-4]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-16-2]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-4-8]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-4-2]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-4-8]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-1-1]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-1-4]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-8-4]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-2-4]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-4-4]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-2-8]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-16-1]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-8-4]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-16-4]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-2-8]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-1-4]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-2-2]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-4-1]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-4-8]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-8-8]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-16-4]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-8-1]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-2-1]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-16-4]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-1-8]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-8-4]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-4-8]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-2-1]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-1-4]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-16-2]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-8-2]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-1-2]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-1-8]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-1-8]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-4-4]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-8-8]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-16-8]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-16-2]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-8-8]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-16-1]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-4-2]
test/unit/language/test_core.py::test_dot3d[float16-float32-64-64-64-4-8]
test/unit/language/test_core.py::test_dot3d[float16-float32-32-32-32-8-1]
test/unit/language/test_core.py::test_dot3d[int8-int8-32-32-32-2-8]
test/unit/language/test_core.py::test_dot3d[float16-float16-32-32-32-16-1]
test/unit/language/test_core.py::test_dot3d[float32-float32-64-64-64-1-2]
test/unit/language/test_core.py::test_dot3d[int8-int8-64-64-64-4-2]
test/unit/language/test_core.py::test_dot3d[float16-float16-64-64-64-1-4]
test/unit/language/test_core.py::test_dot3d[float32-float32-32-32-32-2-8]
29 changes: 29 additions & 0 deletions scripts/skiplist/default/interpreter.txt
Original file line number Diff line number Diff line change
@@ -0,0 +1,29 @@
# https://github.com/intel/intel-xpu-backend-for-triton/issues/1434
test/unit/language/test_core.py::test_store_constant_default_dtype[1]
test/unit/language/test_core.py::test_dot_without_load[float16]
test/unit/language/test_core.py::test_masked_load_shared_memory[dtype1]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[32-float8e4nv-64-64-64-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[0-float8e5-64-64-64-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[0-float8e5-128-256-128-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[128-float8e4nv-64-64-64-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[64-float8e5-64-64-64-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[32-float8e4b15-128-256-128-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[0-float8e4nv-128-256-128-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[0-float8e4b15-64-64-64-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[64-float8e4nv-128-256-128-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[64-float8e4b15-64-64-64-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[128-float8e4b15-128-256-128-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[32-float8e4b15-64-64-64-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[32-float8e5-128-256-128-128-256-256]
test/unit/language/test_core.py::test_tl_range
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[0-float8e4nv-64-64-64-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[64-float8e4nv-64-64-64-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[128-float8e4b15-64-64-64-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[128-float8e5-128-256-128-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[0-float8e4b15-128-256-128-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[32-float8e5-64-64-64-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[64-float8e4b15-128-256-128-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[64-float8e5-128-256-128-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[128-float8e5-64-64-64-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[32-float8e4nv-128-256-128-128-256-256]
test/unit/language/test_core.py::test_dot_max_num_imprecise_acc[128-float8e4nv-128-256-128-128-256-256]
Loading

0 comments on commit 331048e

Please sign in to comment.