transformers/tests/models
Kashif Rasul af8acc4760
[Time series] Add patchtst (#27581)
* add distribution head to forecasting

* formatting

* Add generate function for forecasting

* Add generate function to prediction task

* formatting

* use argsort

* add past_observed_mask ordering

* fix arguments

* docs

* add back test_model_outputs_equivalence test

* formatting

* cleanup

* formatting

* use ACT2CLS

* formatting

* fix add_start_docstrings decorator

* add distribution head and generate function to regression task

add distribution head and generate function to regression task. Also made add PatchTSTForForecastingOutput,  PatchTSTForRegressionOutput.

* add distribution head and generate function to regression task

add distribution head and generate function to regression task. Also made add PatchTSTForForecastingOutput,  PatchTSTForRegressionOutput.

* fix typos

* add forecast_masking

* fixed tests

* use set_seed

* fix doc test

* formatting

* Update docs/source/en/model_doc/patchtst.md

Co-authored-by: NielsRogge <48327001+NielsRogge@users.noreply.github.com>

* better var names

* rename PatchTSTTranspose

* fix argument names and docs string

* remove compute_num_patches and unused class

* remove assert

* renamed to PatchTSTMasking

* use num_labels for classification

* use num_labels

* use default num_labels from super class

* move model_type after docstring

* renamed PatchTSTForMaskPretraining

* bs -> batch_size

* more review fixes

* use hidden_state

* rename encoder layer and block class

* remove commented seed_number

* edit docstring

* Add docstring

* formatting

* use past_observed_mask

* doc suggestion

* make fix-copies

* use Args:

* add docstring

* add docstring

* change some variable names and add PatchTST before some class names

* formatting

* fix argument types

* fix tests

* change x variable to patch_input

* format

* formatting

* fix-copies

* Update tests/models/patchtst/test_modeling_patchtst.py

Co-authored-by: Patrick von Platen <patrick.v.platen@gmail.com>

* move loss to forward

* Update src/transformers/models/patchtst/modeling_patchtst.py

Co-authored-by: Patrick von Platen <patrick.v.platen@gmail.com>

* Update src/transformers/models/patchtst/modeling_patchtst.py

Co-authored-by: Patrick von Platen <patrick.v.platen@gmail.com>

* Update src/transformers/models/patchtst/modeling_patchtst.py

Co-authored-by: Patrick von Platen <patrick.v.platen@gmail.com>

* Update src/transformers/models/patchtst/modeling_patchtst.py

Co-authored-by: Patrick von Platen <patrick.v.platen@gmail.com>

* Update src/transformers/models/patchtst/modeling_patchtst.py

Co-authored-by: Patrick von Platen <patrick.v.platen@gmail.com>

* formatting

* fix a bug when pre_norm is set to True

* output_hidden_states is set to False as default

* set pre_norm=True as default

* format docstring

* format

* output_hidden_states is None by default

* add missing docs

* better var names

* docstring: remove default to False in output_hidden_states

* change labels name to target_values in regression task

* format

* fix tests

* change to forecast_mask_ratios and random_mask_ratio

* change mask names

* change future_values to target_values param in the prediction class

* remove nn.Sequential and make PatchTSTBatchNorm class

* black

* fix argument name for prediction

* add output_attentions option

* add output_attentions to PatchTSTEncoder

* formatting

* Add attention output option to all classes

* Remove PatchTSTEncoderBlock

* create PatchTSTEmbedding class

* use config in PatchTSTPatchify

* Use config in PatchTSTMasking class

* add channel_attn_weights

* Add PatchTSTScaler class

* add output_attentions arg to test function

* format

* Update doc with image patchtst.md

* fix-copies

* rename Forecast <-> Prediction

* change name of a few parameters to match with PatchTSMixer.

* Remove *ForForecasting class to match with other time series models.

* make style

* Remove PatchTSTForForecasting in the test

* remove PatchTSTForForecastingOutput class

* change test_forecast_head to test_prediction_head

* style

* fix docs

* fix tests

* change num_labels to num_targets

* Remove PatchTSTTranspose

* remove arguments in PatchTSTMeanScaler

* remove arguments in PatchTSTStdScaler

* add config as an argument to all the scaler classes

* reformat

* Add norm_eps for batchnorm and layernorm

* reformat.

* reformat

* edit docstring

* update docstring

* change variable name pooling to pooling_type

* fix output_hidden_states as tuple

* fix bug when calling PatchTSTBatchNorm

* change stride to patch_stride

* create PatchTSTPositionalEncoding class and restructure the PatchTSTEncoder

* formatting

* initialize scalers with configs

* edit output_hidden_states

* style

* fix forecast_mask_patches doc string

* doc improvements

* move summary to the start

* typo

* fix docstring

* turn off masking when using prediction, regression, classification

* return scaled output

* adjust output when using distribution head

* remove _num_patches function in the config

* get config.num_patches from patchifier init

* add output_attentions docstring, remove tuple in output_hidden_states

* change SamplePatchTSTPredictionOutput and SamplePatchTSTRegressionOutput to SamplePatchTSTOutput

* remove print("model_class: ", model_class)

* change encoder_attention_heads to num_attention_heads

* change norm to norm_layer

* change encoder_layers to num_hidden_layers

* change shared_embedding to share_embedding, shared_projection to share_projection

* add output_attentions

* more robust check of norm_type

* change dropout_path to path_dropout

* edit docstring

* remove positional_encoding function and add _init_pe in PatchTSTPositionalEncoding

* edit shape of cls_token and initialize it

* add a check on the num_input_channels.

* edit head_dim in the Prediction class to allow the use of cls_token

* remove some positional_encoding_type options, remove learn_pe arg, initalize pe

* change Exception to ValueError

* format

* norm_type is "batchnorm"

* make style

* change cls_token shape

* Change forecast_mask_patches to num_mask_patches. Remove forecast_mask_ratios.

* Bring PatchTSTClassificationHead on top of PatchTSTForClassification

* change encoder_ffn_dim to ffn_dim and edit the docstring.

* update variable names to match with the config

* add generation tests

* change num_mask_patches to num_forecast_mask_patches

* Add examples explaining the use of these models

* make style

* Revert "Revert "[time series] Add PatchTST (#25927)" (#27486)"

This reverts commit 78f6ed6c70.

* make style

* fix default std scaler's minimum_scale

* fix docstring

* close code blocks

* Update docs/source/en/model_doc/patchtst.md

Co-authored-by: amyeroberts <22614925+amyeroberts@users.noreply.github.com>

* Update tests/models/patchtst/test_modeling_patchtst.py

Co-authored-by: amyeroberts <22614925+amyeroberts@users.noreply.github.com>

* Update src/transformers/models/patchtst/modeling_patchtst.py

Co-authored-by: amyeroberts <22614925+amyeroberts@users.noreply.github.com>

* Update src/transformers/models/patchtst/configuration_patchtst.py

Co-authored-by: amyeroberts <22614925+amyeroberts@users.noreply.github.com>

* Update src/transformers/models/patchtst/modeling_patchtst.py

Co-authored-by: amyeroberts <22614925+amyeroberts@users.noreply.github.com>

* Update src/transformers/models/patchtst/modeling_patchtst.py

Co-authored-by: amyeroberts <22614925+amyeroberts@users.noreply.github.com>

* Update src/transformers/models/patchtst/modeling_patchtst.py

Co-authored-by: amyeroberts <22614925+amyeroberts@users.noreply.github.com>

* Update src/transformers/models/patchtst/modeling_patchtst.py

Co-authored-by: amyeroberts <22614925+amyeroberts@users.noreply.github.com>

* Update src/transformers/models/patchtst/modeling_patchtst.py

Co-authored-by: amyeroberts <22614925+amyeroberts@users.noreply.github.com>

* Update src/transformers/models/patchtst/modeling_patchtst.py

Co-authored-by: amyeroberts <22614925+amyeroberts@users.noreply.github.com>

* Update src/transformers/models/patchtst/modeling_patchtst.py

Co-authored-by: amyeroberts <22614925+amyeroberts@users.noreply.github.com>

* fix tests

* add add_start_docstrings

* move examples to the forward's docstrings

* update prepare_batch

* update test

* fix test_prediction_head

* fix generation test

* use seed to create generator

* add output_hidden_states and config.num_patches

* add loc and scale args in PatchTSTForPredictionOutput

* edit outputs if if not return_dict

* use self.share_embedding to check instead checking type.

* remove seed

* make style

* seed is an optional int

* fix test

* generator device

* Fix assertTrue test

* swap order of items in outputs when return_dict=False.

* add mask_type and random_mask_ratio to unittest

* Update modeling_patchtst.py

* add add_start_docstrings for regression model

* make style

* update model path

* Edit the ValueError comment in forecast_masking

* update examples

* make style

* fix commented code

* update examples: remove config from from_pretrained call

* Edit example outputs

* Set default target_values to None

* remove config setting in regression example

* Update configuration_patchtst.py

* Update configuration_patchtst.py

* remove config from examples

* change default d_model and ffn_dim

* norm_eps default

* set has_attentions to Trye and define self.seq_length = self.num_patche

* update docstring

* change variable mask_input to do_mask_input

* fix blank space.

* change logger.debug to logger.warning.

* remove unused PATCHTST_INPUTS_DOCSTRING

* remove all_generative_model_classes

* set test_missing_keys=True

* remove undefined params in the docstring.

---------

Co-authored-by: nnguyen <nnguyen@us.ibm.com>
Co-authored-by: NielsRogge <48327001+NielsRogge@users.noreply.github.com>
Co-authored-by: Patrick von Platen <patrick.v.platen@gmail.com>
Co-authored-by: Nam Nguyen <namctin@gmail.com>
Co-authored-by: Wesley Gifford <79663411+wgifford@users.noreply.github.com>
Co-authored-by: amyeroberts <22614925+amyeroberts@users.noreply.github.com>
2023-11-29 13:36:38 +01:00
..
albert [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
align [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
altclip [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
audio_spectrogram_transformer Add numpy alternative to FE using torchaudio (#26339) 2023-11-08 07:39:37 +00:00
auto Remove-auth-token (#27060) 2023-11-13 14:20:54 +01:00
autoformer [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
bark [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
bart device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
barthez [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
bartpho Update quality tooling for formatting (#21480) 2023-02-06 18:10:56 -05:00
beit Add BeitBackbone (#25952) 2023-11-28 08:38:32 +00:00
bert device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
bert_generation [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
bert_japanese [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
bertweet Update quality tooling for formatting (#21480) 2023-02-06 18:10:56 -05:00
big_bird [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
bigbird_pegasus device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
biogpt Copied from for test files (#26713) 2023-10-11 14:12:09 +02:00
bit Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
blenderbot device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
blenderbot_small device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
blip device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
blip_2 device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
bloom [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
bridgetower Refactor image processor testers (#25450) 2023-08-11 11:30:18 +01:00
bros Update tiny model information and pipeline tests (#26285) 2023-09-25 18:08:12 +02:00
byt5 [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
camembert [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
canine [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
chinese_clip [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
clap [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
clip [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
clipseg [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
clvp CLVP Fixes (#27547) 2023-11-28 17:40:01 +01:00
code_llama [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
codegen Device agnostic testing (#25870) 2023-10-24 16:49:26 +02:00
conditional_detr Refactor image processor testers (#25450) 2023-08-11 11:30:18 +01:00
convbert device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
convnext Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
convnextv2 Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
cpm Fix PipelineTests skip conditions (#22320) 2023-03-22 20:02:24 +01:00
cpmant CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
ctrl device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
cvt Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
data2vec Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
deberta CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
deberta_v2 [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
decision_transformer 🔥Rework pipeline testing by removing PipelineTestCaseMeta 🚀 (#21516) 2023-02-28 19:40:57 +01:00
deformable_detr device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
deit Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
deta Refactor image processor testers (#25450) 2023-08-11 11:30:18 +01:00
detr Fix Detr CI (#25972) 2023-09-05 11:19:56 +02:00
dinat Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
dinov2 Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
distilbert use pytest.mark directly (#27390) 2023-11-09 13:32:54 +01:00
dit Update old existing feature extractor references (#24552) 2023-06-29 10:17:36 +01:00
donut Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
dpr CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
dpt Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
efficientformer Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
efficientnet Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
electra CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
encodec Add # Copied from statements to audio feature extractors that use the floats_list function (#26581) 2023-10-04 17:09:48 +02:00
encoder_decoder [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
ernie device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
ernie_m [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
esm [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
falcon Skip pipeline tests for 2 models for now (#27687) 2023-11-24 09:43:20 +01:00
flaubert device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
flava [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
fnet [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
focalnet Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
fsmt device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
funnel Big TF test cleanup (#24282) 2023-06-16 15:40:49 +01:00
fuyu Update tiny model summary file (#27388) 2023-11-23 21:00:39 +01:00
git [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
glpn Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
gpt_bigcode CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
gpt_neo [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
gpt_neox CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
gpt_neox_japanese [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
gpt_sw3 [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
gpt2 [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
gptj [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
gptsan_japanese [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
graphormer Make more test models smaller (#25005) 2023-07-24 10:08:47 -04:00
groupvit [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
herbert [Tokenizer] Fix slow and fast serialization (#26570) 2023-10-18 16:30:53 +02:00
hubert Fix failing tests on main due to torch 2.1 (#26607) 2023-10-05 10:27:05 +02:00
ibert Update deprecated torch.range in test_modeling_ibert.py (#27355) 2023-11-08 20:58:36 +01:00
idefics Idefics: Fix information leak with cross attention gate in modeling (#26839) 2023-11-21 13:26:01 +01:00
imagegpt [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
informer [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
instructblip [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
jukebox device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
kosmos2 Update tiny model summary file (#27388) 2023-11-23 21:00:39 +01:00
layoutlm [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
layoutlmv2 [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
layoutlmv3 [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
layoutxlm [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
led device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
levit Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
lilt [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
llama Fix flash attention bugs with Mistral and Falcon (#27625) 2023-11-21 23:20:44 +09:00
longformer Copied from for test files (#26713) 2023-10-11 14:12:09 +02:00
longt5 CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
luke [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
lxmert [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
m2m_100 [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
marian [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
markuplm [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
mask2former Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
maskformer Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
mbart device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
mbart50 [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
mega device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
megatron_bert CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
megatron_gpt2 Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
mgp_str Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
mistral Fix mistral generate for long prompt / response (#27548) 2023-11-27 10:18:41 +01:00
mluke 🚨🚨 🚨🚨 [Tokenizer] attemp to fix add_token issues🚨🚨 🚨🚨 (#23909) 2023-09-18 20:28:36 +02:00
mobilebert [CI-test_torch] skip test_tf_from_pt_safetensors for 4 models (#27481) 2023-11-14 10:34:03 +01:00
mobilenet_v1 Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
mobilenet_v2 Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
mobilevit Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
mobilevitv2 Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
mpnet Fix from_pt flag when loading with safetensors (#27394) 2023-11-13 15:18:19 +01:00
mpt Fix test_modeling_mpt typo in model id (#25606) 2023-08-21 11:11:21 +02:00
mra [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
mt5 Better TF docstring types (#23477) 2023-05-24 13:52:52 +01:00
musicgen MusicGen Update (#27084) 2023-11-08 13:26:02 +00:00
mvp [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
nat Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
nezha CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
nllb [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
nllb_moe fix assisted decoding assistant model inputs (#27503) 2023-11-27 14:23:54 +00:00
nougat Add Nougat (#25942) 2023-09-26 07:06:04 +02:00
nystromformer CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
oneformer [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
openai CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
opt device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
owlv2 [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
owlvit [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
patchtst [Time series] Add patchtst (#27581) 2023-11-29 13:36:38 +01:00
pegasus [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
pegasus_x device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
perceiver [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
persimmon device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
phi Trigger corresponding pipeline tests if tests/utils/tiny_model_summary.json is modified (#27693) 2023-11-28 17:21:21 +01:00
phobert Update quality tooling for formatting (#21480) 2023-02-06 18:10:56 -05:00
pix2struct [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
plbart device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
poolformer Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
pop2piano Update tiny model information and pipeline tests (#26285) 2023-09-25 18:08:12 +02:00
prophetnet CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
pvt Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
qdqbert CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
rag Big TF test cleanup (#24282) 2023-06-16 15:40:49 +01:00
realm CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
reformer [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
regnet Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
rembert CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
resnet Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
roberta Copied from for test files (#26713) 2023-10-11 14:12:09 +02:00
roberta_prelayernorm [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
roc_bert Copied from for test files (#26713) 2023-10-11 14:12:09 +02:00
roformer [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
rwkv CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
sam Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
seamless_m4t Update tiny model summary file (#27388) 2023-11-23 21:00:39 +01:00
segformer Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
sew Fix typo (#25966) 2023-09-05 10:12:25 +02:00
sew_d Fix typo (#25966) 2023-09-05 10:12:25 +02:00
speech_encoder_decoder Update quality tooling for formatting (#21480) 2023-02-06 18:10:56 -05:00
speech_to_text [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
speech_to_text_2 [CI-test_torch] skip test_tf_from_pt_safetensors for 4 models (#27481) 2023-11-14 10:34:03 +01:00
speecht5 [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
splinter CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
squeezebert CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
swiftformer Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
swin Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
swin2sr Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
swinv2 Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
switch_transformers fix assisted decoding assistant model inputs (#27503) 2023-11-27 14:23:54 +00:00
t5 fix assisted decoding assistant model inputs (#27503) 2023-11-27 14:23:54 +00:00
table_transformer Fix last models for common tests that are too big. (#25058) 2023-07-25 07:56:04 -04:00
tapas [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
time_series_transformer [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
timesformer Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
timm_backbone [AutoBackbone] Add test (#26094) 2023-09-18 23:47:54 +02:00
trocr CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
tvlt remove failing tests and clean FE files (#27414) 2023-11-09 18:35:42 +00:00
tvp Fix TVPModelTest (#27695) 2023-11-24 19:47:50 +01:00
umt5 [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
unispeech [Wav2Vec2 and Co] Update init tests for PT 2.1 (#26494) 2023-10-03 10:52:34 +02:00
unispeech_sat [Wav2Vec2 and Co] Update init tests for PT 2.1 (#26494) 2023-10-03 10:52:34 +02:00
univnet Add UnivNet Vocoder Model for Tortoise TTS Diffusers Integration (#24799) 2023-11-22 17:21:36 +01:00
upernet Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
videomae Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
vilt [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
vision_encoder_decoder [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
vision_text_dual_encoder [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
visual_bert [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
vit Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
vit_hybrid Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
vit_mae Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
vit_msn Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
vitdet Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
vitmatte Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
vits [Tokenizers] Skip tests temporarily (#26574) 2023-10-03 19:43:42 +02:00
vivit Input data format (#25464) 2023-08-16 17:45:02 +01:00
wav2vec2 [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
wav2vec2_conformer device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
wav2vec2_phoneme Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
wav2vec2_with_lm Fix some tests using "common_voice" (#27147) 2023-10-30 15:27:15 +01:00
wavlm [Wav2Vec2 and Co] Update init tests for PT 2.1 (#26494) 2023-10-03 10:52:34 +02:00
whisper Update tiny model summary file (#27388) 2023-11-23 21:00:39 +01:00
x_clip [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
xglm [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
xlm CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
xlm_prophetnet [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
xlm_roberta [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
xlm_roberta_xl CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
xlnet [Styling] stylify using ruff (#27144) 2023-11-16 17:43:19 +01:00
xmod CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
yolos Update forward signature test for vision models (#27681) 2023-11-27 15:48:17 +01:00
yoso CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
__init__.py Move test model folders (#17034) 2022-05-03 14:42:02 +02:00