transformers/tests/models
Dmitry Rogozhkin 31830474bf
Fix test_eager_matches_sdpa_inference for XPU backend (#34889)
* Use torch.nn.attention.sdpa_kernel instead of deprecated torch.backends.cuda.sdp_kernel

Signed-off-by: Dmitry Rogozhkin <dmitry.v.rogozhkin@intel.com>

* Fix test_eager_matches_sdpa_inference for XPU backend

As of PyTorch 2.5 XPU backend supports only torch.nn.attention.SDPBackend.MATH
which is implemented on PyTorch level using aten operators and is device
agnostic with respect to implementation of each aten operator. Thus, we can
reuse CUDA (or CPU) MATH weights for XPU.

Fixes: #34888
Signed-off-by: Dmitry Rogozhkin <dmitry.v.rogozhkin@intel.com>

* Use torch.amp.autocast instead of deprecated torch.cuda.amp.autocast in nemotron

Signed-off-by: Dmitry Rogozhkin <dmitry.v.rogozhkin@intel.com>

---------

Signed-off-by: Dmitry Rogozhkin <dmitry.v.rogozhkin@intel.com>
2024-12-02 16:21:04 +01:00
..
albert Remove @slow for test_eager_matches_sdpa_inference (#34558) 2024-11-05 16:10:42 +01:00
align Load sub-configs from composite configs (#34410) 2024-11-05 11:34:01 +01:00
altclip Load sub-configs from composite configs (#34410) 2024-11-05 11:34:01 +01:00
audio_spectrogram_transformer Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
auto Fix test_auto_backbone_timm_model_from_pretrained (#34877) 2024-11-25 17:20:41 +01:00
autoformer Rename test_model_common_attributes -> test_model_get_set_embeddings (#31321) 2024-06-07 19:40:26 +01:00
bark Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
bart Tests: move generate tests to the right mixin and delete redundant tests (#34464) 2024-10-30 10:59:08 +00:00
barthez Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
bartpho Adds pretrained IDs directly in the tests (#29534) 2024-03-13 14:53:27 +01:00
beit [pytes collection] Fix flax test collection (#34004) 2024-10-07 18:11:13 +02:00
bert Tests: move generate tests to the right mixin and delete redundant tests (#34464) 2024-10-30 10:59:08 +00:00
bert_generation Adds pretrained IDs directly in the tests (#29534) 2024-03-13 14:53:27 +01:00
bert_japanese Adds pretrained IDs directly in the tests (#29534) 2024-03-13 14:53:27 +01:00
bertweet Adds pretrained IDs directly in the tests (#29534) 2024-03-13 14:53:27 +01:00
big_bird [pytes collection] Fix flax test collection (#34004) 2024-10-07 18:11:13 +02:00
bigbird_pegasus Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
biogpt Generate: unify LogitsWarper and LogitsProcessor (#32626) 2024-08-16 11:20:41 +01:00
bit Use self.config_tester.run_common_tests() (#31431) 2024-06-19 10:18:08 +01:00
blenderbot Forbid PretrainedConfig from saving generate parameters; Update deprecations in generate-related code 🧹 (#32659) 2024-08-23 11:12:53 +01:00
blenderbot_small Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
blip Load sub-configs from composite configs (#34410) 2024-11-05 11:34:01 +01:00
blip_2 BLIP: fix generation after hub update (#34876) 2024-11-25 10:41:55 +01:00
bloom VLMs: enable generation tests (#33533) 2024-09-19 12:04:24 +02:00
bridgetower rename all test_processing_*.py to test_processor_*.py (#33878) 2024-10-02 16:43:43 +02:00
bros Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
byt5 Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
camembert VLM: special multimodal Tokenizer (#34461) 2024-11-04 16:37:51 +01:00
canine Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
chameleon Add image text to text pipeline (#34170) 2024-10-31 15:48:11 -04:00
chinese_clip adding positional encoder changes and tests (#32600) 2024-09-25 19:05:01 +01:00
clap Load sub-configs from composite configs (#34410) 2024-11-05 11:34:01 +01:00
clip Load sub-configs from composite configs (#34410) 2024-11-05 11:34:01 +01:00
clipseg Load sub-configs from composite configs (#34410) 2024-11-05 11:34:01 +01:00
clvp Load sub-configs from composite configs (#34410) 2024-11-05 11:34:01 +01:00
code_llama Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
codegen Generation tests: update imagegpt input name, remove unused functions (#33663) 2024-09-24 16:40:48 +01:00
cohere Tests: upgrade test_eager_matches_sdpa_generate (#34386) 2024-10-25 11:55:07 +01:00
conditional_detr Add DetrImageProcessorFast (#34063) 2024-10-21 09:05:05 -04:00
convbert Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
convnext Update kwargs validation for preprocess with decorator (#32024) 2024-08-06 11:33:05 +01:00
convnextv2 Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
cpm Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
cpmant Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
ctrl avoid calling gc.collect and cuda.empty_cache (#34514) 2024-10-31 16:36:13 +01:00
cvt Use self.config_tester.run_common_tests() (#31431) 2024-06-19 10:18:08 +01:00
dac Fix DAC slow tests (#34088) 2024-10-11 14:43:03 +02:00
data2vec Remove trust_remote_code when loading Libri Dummy (#31748) 2024-07-23 14:54:38 +08:00
dbrx Generate: end-to-end compilation (#30788) 2024-07-29 10:52:13 +01:00
deberta [Deberta/Deberta-v2] Refactor code base to support compile, export, and fix LLM (#22105) 2024-11-25 10:43:16 +01:00
deberta_v2 [Deberta/Deberta-v2] Refactor code base to support compile, export, and fix LLM (#22105) 2024-11-25 10:43:16 +01:00
decision_transformer Forbid PretrainedConfig from saving generate parameters; Update deprecations in generate-related code 🧹 (#32659) 2024-08-23 11:12:53 +01:00
deformable_detr Add Image Processor Fast Deformable DETR (#34353) 2024-11-19 11:18:58 -05:00
deit Update kwargs validation for preprocess with decorator (#32024) 2024-08-06 11:33:05 +01:00
depth_anything fix(DPT,Depth-Anything) torch.export (#34103) 2024-11-20 11:31:21 +01:00
detr Add Image Processor Fast RT-DETR (#34354) 2024-10-30 13:49:47 -04:00
dinat Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
dinov2 Sdpa dino v2 (#33403) 2024-09-21 01:58:00 +01:00
distilbert DistilBERT is ExecuTorch compatible (#34475) 2024-11-05 13:41:48 +01:00
dit Update old existing feature extractor references (#24552) 2023-06-29 10:17:36 +01:00
donut rename all test_processing_*.py to test_processor_*.py (#33878) 2024-10-02 16:43:43 +02:00
dpr Remove static pretrained maps from the library's internals (#29112) 2024-03-25 10:33:38 +01:00
dpt fix(DPT,Depth-Anything) torch.export (#34103) 2024-11-20 11:31:21 +01:00
efficientnet CI: fix efficientnet pipeline timeout and prevent future similar issues due to large image size (#33123) 2024-08-27 11:58:27 +01:00
electra [pytes collection] Fix flax test collection (#34004) 2024-10-07 18:11:13 +02:00
encodec Generate tests: modality-agnostic input preparation (#33685) 2024-10-03 14:01:24 +01:00
encoder_decoder Correct the new defaults (#34377) 2024-10-24 18:42:03 +02:00
ernie Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
esm Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
falcon Tests: upgrade test_eager_matches_sdpa_generate (#34386) 2024-10-25 11:55:07 +01:00
falcon_mamba Generation tests: update imagegpt input name, remove unused functions (#33663) 2024-09-24 16:40:48 +01:00
fastspeech2_conformer Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
flaubert Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
flava Load sub-configs from composite configs (#34410) 2024-11-05 11:34:01 +01:00
fnet Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
focalnet Use self.config_tester.run_common_tests() (#31431) 2024-06-19 10:18:08 +01:00
fsmt Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
funnel update ruff version (#30932) 2024-05-22 06:40:15 +02:00
fuyu VLMs: enable generation tests - last batch (#34484) 2024-11-21 11:00:22 +01:00
gemma Tests: move generate tests to the right mixin and delete redundant tests (#34464) 2024-10-30 10:59:08 +00:00
gemma2 [FlexAttention] Update gemma2 (#34942) 2024-11-27 11:50:48 +01:00
git Add image text to text pipeline (#34170) 2024-10-31 15:48:11 -04:00
glm Remove @slow for test_eager_matches_sdpa_inference (#34558) 2024-11-05 16:10:42 +01:00
glpn Add post_process_depth_estimation for GLPN (#34413) 2024-10-28 19:44:20 +01:00
gpt_bigcode avoid calling gc.collect and cuda.empty_cache (#34514) 2024-10-31 16:36:13 +01:00
gpt_neo Generation tests: update imagegpt input name, remove unused functions (#33663) 2024-09-24 16:40:48 +01:00
gpt_neox Tests: upgrade test_eager_matches_sdpa_generate (#34386) 2024-10-25 11:55:07 +01:00
gpt_neox_japanese Compile compatibilty for decoder-only models (#32617) 2024-09-09 10:59:04 +02:00
gpt_sw3 🚨 No more default chat templates (#31733) 2024-07-24 17:36:32 +01:00
gpt2 avoid calling gc.collect and cuda.empty_cache (#34514) 2024-10-31 16:36:13 +01:00
gptj Tests: move generate tests to the right mixin and delete redundant tests (#34464) 2024-10-30 10:59:08 +00:00
granite Remove @slow for test_eager_matches_sdpa_inference (#34558) 2024-11-05 16:10:42 +01:00
granitemoe Remove @slow for test_eager_matches_sdpa_inference (#34558) 2024-11-05 16:10:42 +01:00
grounding_dino Add Image Processor Fast Deformable DETR (#34353) 2024-11-19 11:18:58 -05:00
groupvit Load sub-configs from composite configs (#34410) 2024-11-05 11:34:01 +01:00
herbert Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
hiera 🚨 Fix torch.jit.trace for interpolate_pos_encoding in all vision models (#33226) 2024-09-05 16:17:34 +02:00
hubert Remove trust_remote_code when loading Libri Dummy (#31748) 2024-07-23 14:54:38 +08:00
ibert [warnings] fix E721 warnings (#32223) 2024-07-25 15:12:23 +02:00
idefics Remove @slow for test_eager_matches_sdpa_inference (#34558) 2024-11-05 16:10:42 +01:00
idefics2 Load sub-configs from composite configs (#34410) 2024-11-05 11:34:01 +01:00
idefics3 Load sub-configs from composite configs (#34410) 2024-11-05 11:34:01 +01:00
imagegpt Simplify running tests in a subprocess (#34213) 2024-10-29 10:48:57 +01:00
informer tests: fix pytorch tensor placement errors (#33485) 2024-09-25 12:21:53 +01:00
instructblip BLIP: fix generation after hub update (#34876) 2024-11-25 10:41:55 +01:00
instructblipvideo Load sub-configs from composite configs (#34410) 2024-11-05 11:34:01 +01:00
jamba Tests: move generate tests to the right mixin and delete redundant tests (#34464) 2024-10-30 10:59:08 +00:00
jetmoe Tests: move generate tests to the right mixin and delete redundant tests (#34464) 2024-10-30 10:59:08 +00:00
kosmos2 VLMs: enable generation tests - last batch (#34484) 2024-11-21 11:00:22 +01:00
layoutlm Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
layoutlmv2 Fix #34494 assistant tokens when truncated (#34531) 2024-11-05 15:10:15 +00:00
layoutlmv3 Fix #34494 assistant tokens when truncated (#34531) 2024-11-05 15:10:15 +00:00
layoutxlm Fix #34494 assistant tokens when truncated (#34531) 2024-11-05 15:10:15 +00:00
led Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
levit Update kwargs validation for preprocess with decorator (#32024) 2024-08-06 11:33:05 +01:00
lilt Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
llama VLM: special multimodal Tokenizer (#34461) 2024-11-04 16:37:51 +01:00
llava VLMs: patch_size -> num_image_tokens in processing (#33424) 2024-11-18 13:21:07 +01:00
llava_next VLMs: patch_size -> num_image_tokens in processing (#33424) 2024-11-18 13:21:07 +01:00
llava_next_video VLMs: patch_size -> num_image_tokens in processing (#33424) 2024-11-18 13:21:07 +01:00
llava_onevision Load sub-configs from composite configs (#34410) 2024-11-05 11:34:01 +01:00
longformer Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
longt5 T5 compile compatibilty (#34089) 2024-10-22 08:23:53 +02:00
luke Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
lxmert Refactor: Removed un-necessary object base class (#32230) 2024-07-26 10:33:02 +02:00
m2m_100 Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
mamba Fix Mamba slow path bug with dtype mismatch. (#32691) 2024-10-01 09:28:40 +02:00
mamba2 Tests: move generate tests to the right mixin and delete redundant tests (#34464) 2024-10-30 10:59:08 +00:00
marian Forbid PretrainedConfig from saving generate parameters; Update deprecations in generate-related code 🧹 (#32659) 2024-08-23 11:12:53 +01:00
markuplm Fix #34494 assistant tokens when truncated (#34531) 2024-11-05 15:10:15 +00:00
mask2former 🚨🚨🚨 fix(Mask2Former): torch export 🚨🚨🚨 (#34393) 2024-11-19 16:44:53 +01:00
maskformer Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
mbart Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
mbart50 Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
megatron_bert Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
megatron_gpt2 Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
mgp_str Remove repeated prepare_images in processor tests (#33163) 2024-09-09 13:20:27 +01:00
mimi Fix test_eager_matches_sdpa_inference for XPU backend (#34889) 2024-12-02 16:21:04 +01:00
mistral avoid calling gc.collect and cuda.empty_cache (#34514) 2024-10-31 16:36:13 +01:00
mixtral Tests: move generate tests to the right mixin and delete redundant tests (#34464) 2024-10-30 10:59:08 +00:00
mllama Offloaded cache: fix generate (#34921) 2024-11-28 15:05:56 +01:00
mluke fix: Updated test_embeded_special_tokens for luke and mluke models (#32413) 2024-08-05 15:19:42 +01:00
mobilebert MobileBERT is ExecuTorch compatible (#34473) 2024-10-29 16:14:31 +01:00
mobilenet_v1 Update kwargs validation for preprocess with decorator (#32024) 2024-08-06 11:33:05 +01:00
mobilenet_v2 Update kwargs validation for preprocess with decorator (#32024) 2024-08-06 11:33:05 +01:00
mobilevit Forbid PretrainedConfig from saving generate parameters; Update deprecations in generate-related code 🧹 (#32659) 2024-08-23 11:12:53 +01:00
mobilevitv2 Rename test_model_common_attributes -> test_model_get_set_embeddings (#31321) 2024-06-07 19:40:26 +01:00
moshi VLM: special multimodal Tokenizer (#34461) 2024-11-04 16:37:51 +01:00
mpnet Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
mpt Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
mra Fix Failed tests with mobile bert resize tokens embedding (#33950) 2024-10-09 11:23:50 +01:00
mt5 Tests: move generate tests to the right mixin and delete redundant tests (#34464) 2024-10-30 10:59:08 +00:00
musicgen Fix test_eager_matches_sdpa_inference for XPU backend (#34889) 2024-12-02 16:21:04 +01:00
musicgen_melody Fix test_eager_matches_sdpa_inference for XPU backend (#34889) 2024-12-02 16:21:04 +01:00
mvp Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
myt5 [Red CIs] Fix hub failures (#34001) 2024-10-07 10:56:24 +02:00
nemotron Remove @slow for test_eager_matches_sdpa_inference (#34558) 2024-11-05 16:10:42 +01:00
nllb Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
nllb_moe Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
nougat Update kwargs validation for preprocess with decorator (#32024) 2024-08-06 11:33:05 +01:00
nystromformer update ruff version (#30932) 2024-05-22 06:40:15 +02:00
olmo Tests: upgrade test_eager_matches_sdpa_generate (#34386) 2024-10-25 11:55:07 +01:00
olmo2 Rename OLMo November to OLMo2 (#34864) 2024-11-25 16:31:22 +01:00
olmoe Tests: upgrade test_eager_matches_sdpa_generate (#34386) 2024-10-25 11:55:07 +01:00
omdet_turbo Add support for custom inputs and batched inputs in ProcessorTesterMixin (#33711) 2024-10-01 23:52:03 +02:00
oneformer Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
openai Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
opt Tests: upgrade test_eager_matches_sdpa_generate (#34386) 2024-10-25 11:55:07 +01:00
owlv2 Load sub-configs from composite configs (#34410) 2024-11-05 11:34:01 +01:00
owlvit Load sub-configs from composite configs (#34410) 2024-11-05 11:34:01 +01:00
paligemma Remove @slow for test_eager_matches_sdpa_inference (#34558) 2024-11-05 16:10:42 +01:00
patchtsmixer Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
patchtst Rename test_model_common_attributes -> test_model_get_set_embeddings (#31321) 2024-06-07 19:40:26 +01:00
pegasus Forbid PretrainedConfig from saving generate parameters; Update deprecations in generate-related code 🧹 (#32659) 2024-08-23 11:12:53 +01:00
pegasus_x Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
perceiver Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
persimmon Tests: upcast logits to float() (#34042) 2024-10-11 11:51:49 +01:00
phi Tests: move generate tests to the right mixin and delete redundant tests (#34464) 2024-10-30 10:59:08 +00:00
phi3 Phi3: fix attn for sliding window (#33586) 2024-10-10 11:50:39 +02:00
phimoe fix red check-copies (#33964) 2024-10-04 22:45:37 +02:00
phobert Adds pretrained IDs directly in the tests (#29534) 2024-03-13 14:53:27 +01:00
pix2struct VLMs: enable generation tests - last batch (#34484) 2024-11-21 11:00:22 +01:00
pixtral Add optimized PixtralImageProcessorFast (#34836) 2024-11-28 16:04:05 +01:00
plbart Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
poolformer Update kwargs validation for preprocess with decorator (#32024) 2024-08-06 11:33:05 +01:00
pop2piano T5 compile compatibilty (#34089) 2024-10-22 08:23:53 +02:00
prophetnet Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
pvt Update kwargs validation for preprocess with decorator (#32024) 2024-08-06 11:33:05 +01:00
pvt_v2 Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
qwen2 Fix Qwen2 failing tests (#34819) 2024-11-25 15:53:04 +01:00
qwen2_audio avoid calling gc.collect and cuda.empty_cache (#34514) 2024-10-31 16:36:13 +01:00
qwen2_moe Tests: move generate tests to the right mixin and delete redundant tests (#34464) 2024-10-30 10:59:08 +00:00
qwen2_vl Cache: init empty cache when use_cache (#34274) 2024-11-25 10:11:33 +01:00
rag avoid calling gc.collect and cuda.empty_cache (#34514) 2024-10-31 16:36:13 +01:00
recurrent_gemma Tests: move generate tests to the right mixin and delete redundant tests (#34464) 2024-10-30 10:59:08 +00:00
reformer Generation tests: don't rely on main input name (#34228) 2024-10-21 10:00:14 +02:00
regnet [pytes collection] Fix flax test collection (#34004) 2024-10-07 18:11:13 +02:00
rembert VLM: special multimodal Tokenizer (#34461) 2024-11-04 16:37:51 +01:00
resnet [pytes collection] Fix flax test collection (#34004) 2024-10-07 18:11:13 +02:00
roberta Roberta is ExecuTorch compatible (#34425) 2024-10-30 08:36:45 +00:00
roberta_prelayernorm [pytes collection] Fix flax test collection (#34004) 2024-10-07 18:11:13 +02:00
roc_bert Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
roformer Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
rt_detr Add Image Processor Fast RT-DETR (#34354) 2024-10-30 13:49:47 -04:00
rwkv Generation tests: update imagegpt input name, remove unused functions (#33663) 2024-09-24 16:40:48 +01:00
sam avoid calling gc.collect and cuda.empty_cache (#34514) 2024-10-31 16:36:13 +01:00
seamless_m4t Generate tests: modality-agnostic input preparation (#33685) 2024-10-03 14:01:24 +01:00
seamless_m4t_v2 Generate tests: modality-agnostic input preparation (#33685) 2024-10-03 14:01:24 +01:00
segformer Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
seggpt Fast image processor (#28847) 2024-06-11 15:47:38 +01:00
sew Fix parametrization-based weight norm (#33275) 2024-09-17 08:05:21 +02:00
sew_d Fix parametrization-based weight norm (#33275) 2024-09-17 08:05:21 +02:00
siglip Load sub-configs from composite configs (#34410) 2024-11-05 11:34:01 +01:00
speech_encoder_decoder Correct the new defaults (#34377) 2024-10-24 18:42:03 +02:00
speech_to_text Generation tests: don't rely on main input name (#34228) 2024-10-21 10:00:14 +02:00
speecht5 Generate tests: modality-agnostic input preparation (#33685) 2024-10-03 14:01:24 +01:00
splinter Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
squeezebert Refactor: Removed un-necessary object base class (#32230) 2024-07-26 10:33:02 +02:00
stablelm Tests: upgrade test_eager_matches_sdpa_generate (#34386) 2024-10-25 11:55:07 +01:00
starcoder2 Tests: move generate tests to the right mixin and delete redundant tests (#34464) 2024-10-30 10:59:08 +00:00
superpoint 🚨🚨🚨 [SuperPoint] Fix keypoint coordinate output and add post processing (#33200) 2024-10-29 09:36:03 +00:00
swiftformer Rename test_model_common_attributes -> test_model_get_set_embeddings (#31321) 2024-06-07 19:40:26 +01:00
swin Use self.config_tester.run_common_tests() (#31431) 2024-06-19 10:18:08 +01:00
swin2sr Update kwargs validation for preprocess with decorator (#32024) 2024-08-06 11:33:05 +01:00
swinv2 Fix dtype casting in swinv2 and swinv2sr to allow non-FP32 inference (#31589) 2024-06-26 18:46:48 +01:00
switch_transformers T5 compile compatibilty (#34089) 2024-10-22 08:23:53 +02:00
t5 Tests: move generate tests to the right mixin and delete redundant tests (#34464) 2024-10-30 10:59:08 +00:00
table_transformer Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
tapas Fix #34494 assistant tokens when truncated (#34531) 2024-11-05 15:10:15 +00:00
time_series_transformer Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
timesformer Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
timm_backbone Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
trocr 🚨🚨🚨 Uniformize kwargs for TrOCR Processor (#34587) 2024-11-29 11:58:11 +00:00
tvp Update kwargs validation for preprocess with decorator (#32024) 2024-08-06 11:33:05 +01:00
udop Fix #34494 assistant tokens when truncated (#34531) 2024-11-05 15:10:15 +00:00
umt5 Tests: move generate tests to the right mixin and delete redundant tests (#34464) 2024-10-30 10:59:08 +00:00
unispeech Remove trust_remote_code when loading Libri Dummy (#31748) 2024-07-23 14:54:38 +08:00
unispeech_sat Remove trust_remote_code when loading Libri Dummy (#31748) 2024-07-23 14:54:38 +08:00
univnet avoid calling gc.collect and cuda.empty_cache (#34514) 2024-10-31 16:36:13 +01:00
upernet Use self.config_tester.run_common_tests() (#31431) 2024-06-19 10:18:08 +01:00
video_llava VLMs: patch_size -> num_image_tokens in processing (#33424) 2024-11-18 13:21:07 +01:00
videomae Remove @slow for test_eager_matches_sdpa_inference (#34558) 2024-11-05 16:10:42 +01:00
vilt Update kwargs validation for preprocess with decorator (#32024) 2024-08-06 11:33:05 +01:00
vipllava VLMs: patch_size -> num_image_tokens in processing (#33424) 2024-11-18 13:21:07 +01:00
vision_encoder_decoder Correct the new defaults (#34377) 2024-10-24 18:42:03 +02:00
vision_text_dual_encoder tests: fix pytorch tensor placement errors (#33485) 2024-09-25 12:21:53 +01:00
visual_bert update ruff version (#30932) 2024-05-22 06:40:15 +02:00
vit [pytes collection] Fix flax test collection (#34004) 2024-10-07 18:11:13 +02:00
vit_mae Fix ViT-MAE decoder interpolate (#33330) 2024-09-30 18:47:13 +02:00
vit_msn Rename test_model_common_attributes -> test_model_get_set_embeddings (#31321) 2024-06-07 19:40:26 +01:00
vitdet Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
vitmatte Update kwargs validation for preprocess with decorator (#32024) 2024-08-06 11:33:05 +01:00
vits Generate tests: modality-agnostic input preparation (#33685) 2024-10-03 14:01:24 +01:00
vivit Add sdpa for Vivit (#33757) 2024-10-15 11:27:54 +02:00
wav2vec2 avoid calling gc.collect and cuda.empty_cache (#34514) 2024-10-31 16:36:13 +01:00
wav2vec2_bert Uniformize model processors (#31368) 2024-10-02 10:41:08 +02:00
wav2vec2_conformer Remove trust_remote_code when loading Libri Dummy (#31748) 2024-07-23 14:54:38 +08:00
wav2vec2_phoneme clean_up_tokenization_spaces=False if unset (#31938) 2024-09-26 19:38:20 +02:00
wav2vec2_with_lm Pass datasets trust_remote_code (#31406) 2024-06-17 17:29:13 +01:00
wavlm Remove trust_remote_code when loading Libri Dummy (#31748) 2024-07-23 14:54:38 +08:00
whisper Offloaded cache: fix generate (#34921) 2024-11-28 15:05:56 +01:00
x_clip Load sub-configs from composite configs (#34410) 2024-11-05 11:34:01 +01:00
xglm avoid calling gc.collect and cuda.empty_cache (#34514) 2024-10-31 16:36:13 +01:00
xlm Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
xlm_roberta [RoBERTa-based] Add support for sdpa (#30510) 2024-08-28 10:26:00 +02:00
xlm_roberta_xl Tests: upgrade test_eager_matches_sdpa_generate (#34386) 2024-10-25 11:55:07 +01:00
xlnet Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
xmod Make pipeline able to load processor (#32514) 2024-10-09 16:46:11 +01:00
yolos Add DetrImageProcessorFast (#34063) 2024-10-21 09:05:05 -04:00
yoso Skip tests properly (#31308) 2024-06-26 21:59:08 +01:00
zamba Tests: move generate tests to the right mixin and delete redundant tests (#34464) 2024-10-30 10:59:08 +00:00
zoedepth Add post_process_depth_estimation to image processors and support ZoeDepth's inference intricacies (#32550) 2024-10-22 15:50:54 +02:00
__init__.py Move test model folders (#17034) 2022-05-03 14:42:02 +02:00