Skip to content

Commit 5dcdf4a

Browse files
authored
[tests] xfail recent pipeline tests for specific methods. (#11469)
xfail recent pipeline tests for specific methods.
1 parent 86294d3 commit 5dcdf4a

File tree

2 files changed

+14
-1
lines changed

2 files changed

+14
-1
lines changed

tests/pipelines/audioldm2/test_audioldm2.py

Lines changed: 7 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -18,6 +18,7 @@
1818
import unittest
1919

2020
import numpy as np
21+
import pytest
2122
import torch
2223
from transformers import (
2324
ClapAudioConfig,
@@ -44,7 +45,7 @@
4445
LMSDiscreteScheduler,
4546
PNDMScheduler,
4647
)
47-
from diffusers.utils.testing_utils import enable_full_determinism, nightly, torch_device
48+
from diffusers.utils.testing_utils import enable_full_determinism, is_torch_version, nightly, torch_device
4849

4950
from ..pipeline_params import TEXT_TO_AUDIO_BATCH_PARAMS, TEXT_TO_AUDIO_PARAMS
5051
from ..test_pipelines_common import PipelineTesterMixin
@@ -474,6 +475,11 @@ def test_dict_tuple_outputs_equivalent(self):
474475
# increase tolerance from 1e-4 -> 3e-4 to account for large composite model
475476
super().test_dict_tuple_outputs_equivalent(expected_max_difference=3e-4)
476477

478+
@pytest.mark.xfail(
479+
condition=is_torch_version(">=", "2.7"),
480+
reason="Test currently fails on PyTorch 2.7.",
481+
strict=False,
482+
)
477483
def test_inference_batch_single_identical(self):
478484
# increase tolerance from 1e-4 -> 2e-4 to account for large composite model
479485
self._test_inference_batch_single_identical(expected_max_diff=2e-4)

tests/pipelines/i2vgen_xl/test_i2vgenxl.py

Lines changed: 7 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -18,6 +18,7 @@
1818
import unittest
1919

2020
import numpy as np
21+
import pytest
2122
import torch
2223
from transformers import (
2324
CLIPImageProcessor,
@@ -39,6 +40,7 @@
3940
backend_empty_cache,
4041
enable_full_determinism,
4142
floats_tensor,
43+
is_torch_version,
4244
numpy_cosine_similarity_distance,
4345
require_torch_accelerator,
4446
skip_mps,
@@ -180,6 +182,11 @@ def test_text_to_video_default_case(self):
180182

181183
assert np.abs(image_slice.flatten() - expected_slice).max() < 1e-2
182184

185+
@pytest.mark.xfail(
186+
condition=is_torch_version(">=", "2.7"),
187+
reason="Test currently fails on PyTorch 2.7.",
188+
strict=False,
189+
)
183190
def test_save_load_local(self):
184191
super().test_save_load_local(expected_max_difference=0.006)
185192

0 commit comments

Comments
 (0)