transformers/tests/models
Gift Sinthong 2ac5b9325e
[time series] Add PatchTST (#25927)
* Initial commit of PatchTST model classes

Co-authored-by: Phanwadee Sinthong <phsinthong@gmail.com>
Co-authored-by: Nam Nguyen <namctin@gmail.com>
Co-authored-by: Vijay Ekambaram <vijaykr.e@gmail.com>
Co-authored-by: Ngoc Diep Do <55230119+diepi@users.noreply.github.com>
Co-authored-by: Wesley Gifford <79663411+wgifford@users.noreply.github.com>

* Add PatchTSTForPretraining

* update to include classification

Co-authored-by: Phanwadee Sinthong <phsinthong@gmail.com>
Co-authored-by: Nam Nguyen <namctin@gmail.com>
Co-authored-by: Vijay Ekambaram <vijaykr.e@gmail.com>
Co-authored-by: Ngoc Diep Do <55230119+diepi@users.noreply.github.com>
Co-authored-by: Wesley Gifford <79663411+wgifford@users.noreply.github.com>

* clean up auto files

* Add PatchTSTForPrediction

* Fix relative import

* Replace original PatchTSTEncoder with ChannelAttentionPatchTSTEncoder

* temporary adding absolute path + add PatchTSTForForecasting class

* Update base PatchTSTModel + Unittest

* Update ForecastHead to use the config class

* edit cv_random_masking, add mask to model output

* Update configuration_patchtst.py

* add masked_loss to the pretraining

* add PatchEmbeddings

* Update configuration_patchtst.py

* edit loss which considers mask in the pretraining

* remove patch_last option

* Add commits from internal repo

* Update ForecastHead

* Add model weight initilization + unittest

* Update PatchTST unittest to use local import

* PatchTST integration tests for pretraining and prediction

* Added PatchTSTForRegression + update unittest to include label generation

* Revert unrelated model test file

* Combine similar output classes

* update PredictionHead

* Update configuration_patchtst.py

* Add Revin

* small edit to PatchTSTModelOutputWithNoAttention

* Update modeling_patchtst.py

* Updating integration test for forecasting

* Fix unittest after class structure changed

* docstring updates

* change input_size to num_input_channels

* more formatting

* Remove some unused params

* Add a comment for pretrained models

* add channel_attention option

add channel_attention option and remove unused positional encoders.

* Update PatchTST models to use HF's MultiHeadAttention module

* Update paper + github urls

* Fix hidden_state return value

* Update integration test to use PatchTSTForForecasting

* Adding dataclass decorator for model output classes

* Run fixup script

* Rename model repos for integration test

* edit argument explanation

* change individual option to shared_projection

* style

* Rename integration test + import cleanup

* Fix outpu_hidden_states return value

* removed unused mode

* added std, mean and nops scaler

* add initial distributional loss for predition

* fix typo in docs

* add generate function

* formatting

* add num_parallel_samples

* Fix a typo

* copy weighted_average function, edit PredictionHead

* edit PredictionHead

* 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

---------

Co-authored-by: Gift Sinthong <gift.sinthong@ibm.com>
Co-authored-by: Nam Nguyen <namctin@gmail.com>
Co-authored-by: Vijay Ekambaram <vijaykr.e@gmail.com>
Co-authored-by: Ngoc Diep Do <55230119+diepi@users.noreply.github.com>
Co-authored-by: Wesley Gifford <79663411+wgifford@users.noreply.github.com>
Co-authored-by: Wesley M. Gifford <wmgifford@us.ibm.com>
Co-authored-by: nnguyen <nnguyen@us.ibm.com>
Co-authored-by: Ngoc Diep Do <diiepy@gmail.com>
Co-authored-by: Kashif Rasul <kashif.rasul@gmail.com>
Co-authored-by: NielsRogge <48327001+NielsRogge@users.noreply.github.com>
Co-authored-by: Patrick von Platen <patrick.v.platen@gmail.com>
2023-11-13 19:06:32 +01:00
..
albert CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
align [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
altclip [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +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 use pytest.mark directly (#27390) 2023-11-09 13:32:54 +01:00
bart device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
barthez Update quality tooling for formatting (#21480) 2023-02-06 18:10:56 -05:00
bartpho Update quality tooling for formatting (#21480) 2023-02-06 18:10:56 -05:00
beit [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
bert device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
bert_generation CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
bert_japanese Update quality tooling for formatting (#21480) 2023-02-06 18:10:56 -05:00
bertweet Update quality tooling for formatting (#21480) 2023-02-06 18:10:56 -05:00
big_bird [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +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 old existing feature extractor references (#24552) 2023-06-29 10:17:36 +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 Device agnostic testing (#25870) 2023-10-24 16:49:26 +02: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 🚨🚨 🚨🚨 [Tokenizer] attemp to fix add_token issues🚨🚨 🚨🚨 (#23909) 2023-09-18 20:28:36 +02:00
camembert [Tokenizer] Fix slow and fast serialization (#26570) 2023-10-18 16:30:53 +02:00
canine [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
chinese_clip [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
clap [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
clip [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
clipseg [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
clvp Add CLVP (#24745) 2023-11-10 13:49:10 +00:00
code_llama [CodeLlamaTokenizer] Nit, update __init__ to make sure the AddedTokens are not normalized because they are special (#27359) 2023-11-09 10:15:10 +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 Refactor image processor testers (#25450) 2023-08-11 11:30:18 +01:00
convnextv2 Add TensorFlow implementation of ConvNeXTv2 (#25558) 2023-11-01 15:09:55 +00: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 Make more test models smaller (#25005) 2023-07-24 10:08:47 -04:00
data2vec Fix typo (#25966) 2023-09-05 10:12:25 +02:00
deberta CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
deberta_v2 🚨🚨 🚨🚨 [Tokenizer] attemp to fix add_token issues🚨🚨 🚨🚨 (#23909) 2023-09-18 20:28:36 +02: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 device agnostic models testing (#27146) 2023-10-31 18:12:14 +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 old existing feature extractor references (#24552) 2023-06-29 10:17:36 +01:00
dinov2 [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +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 Refactor image processor testers (#25450) 2023-08-11 11:30:18 +01:00
dpr CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
dpt Add DINOv2 depth estimation (#26092) 2023-11-13 16:20:42 +00:00
efficientformer Refactor image processor testers (#25450) 2023-08-11 11:30:18 +01:00
efficientnet 🚨🚨🚨 Remove softmax for EfficientNetForImageClassification 🚨🚨🚨 (#25501) 2023-08-14 17:08:47 +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 Safetensors serialization by default (#27064) 2023-10-31 19:16:49 +01:00
ernie device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
ernie_m CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
esm added support for gradient checkpointing in ESM models (#26386) 2023-09-26 10:15:53 +02:00
falcon Refactor: Use Llama RoPE implementation for Falcon (#26933) 2023-11-03 11:05:55 +00:00
flaubert device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
flava [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
fnet [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
focalnet Update tiny models and pipeline tests (#23446) 2023-05-18 17:29:04 +02: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 Fuyu: improve image processing (#27007) 2023-11-02 12:25:41 +01:00
git [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
glpn Input data format (#25464) 2023-08-16 17:45:02 +01:00
gpt_bigcode CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
gpt_neo CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
gpt_neox CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
gpt_neox_japanese CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
gpt_sw3 🚨🚨 🚨🚨 [Tokenizer] attemp to fix add_token issues🚨🚨 🚨🚨 (#23909) 2023-09-18 20:28:36 +02:00
gpt2 device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
gptj device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
gptsan_japanese 🚨🚨 🚨🚨 [Tokenizer] attemp to fix add_token issues🚨🚨 🚨🚨 (#23909) 2023-09-18 20:28:36 +02: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 [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +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 [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
jukebox device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
kosmos2 Fix Kosmos2Processor batch mode (#27323) 2023-11-06 19:05:50 +01:00
layoutlm [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
layoutlmv2 Overhaul Conversation class and prompt templating (#25323) 2023-09-14 15:10:34 +01:00
layoutlmv3 🚨🚨 🚨🚨 [Tokenizer] attemp to fix add_token issues🚨🚨 🚨🚨 (#23909) 2023-09-18 20:28:36 +02:00
layoutxlm Overhaul Conversation class and prompt templating (#25323) 2023-09-14 15:10:34 +01:00
led device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
levit Refactor image processor testers (#25450) 2023-08-11 11:30:18 +01:00
lilt [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
llama use pytest.mark directly (#27390) 2023-11-09 13:32:54 +01: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 Big TF test cleanup (#24282) 2023-06-16 15:40:49 +01:00
m2m_100 device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
marian device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
markuplm [Tokenizer] Fix slow and fast serialization (#26570) 2023-10-18 16:30:53 +02:00
mask2former device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
maskformer device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
mbart device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
mbart50
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
mgp_str Refactor image processor testers (#25450) 2023-08-11 11:30:18 +01:00
mistral use pytest.mark directly (#27390) 2023-11-09 13:32:54 +01:00
mluke 🚨🚨 🚨🚨 [Tokenizer] attemp to fix add_token issues🚨🚨 🚨🚨 (#23909) 2023-09-18 20:28:36 +02:00
mobilebert Copied from for test files (#26713) 2023-10-11 14:12:09 +02:00
mobilenet_v1 Refactor image processor testers (#25450) 2023-08-11 11:30:18 +01:00
mobilenet_v2 Refactor image processor testers (#25450) 2023-08-11 11:30:18 +01:00
mobilevit Refactor image processor testers (#25450) 2023-08-11 11:30:18 +01:00
mobilevitv2 Make more test models smaller (#25005) 2023-07-24 10:08:47 -04: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 device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
nat Update old existing feature extractor references (#24552) 2023-06-29 10:17:36 +01:00
nezha CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
nllb [Tokenizers] Skip tests temporarily (#26574) 2023-10-03 19:43:42 +02:00
nllb_moe device agnostic models testing (#27146) 2023-10-31 18:12:14 +01: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 device agnostic models testing (#27146) 2023-10-31 18:12:14 +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 device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
owlvit device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
patchtst [time series] Add PatchTST (#25927) 2023-11-13 19:06:32 +01:00
pegasus device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
pegasus_x device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
perceiver Fix PerceiverModelIntegrationTest::test_inference_masked_lm (#26760) 2023-10-12 17:43:06 +02:00
persimmon device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
phi Add Phi-1 and Phi-1_5 (#26170) 2023-11-10 15:28:30 +00: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 Refactor image processor testers (#25450) 2023-08-11 11:30:18 +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 device agnostic models testing (#27146) 2023-10-31 18:12:14 +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 Device agnostic testing (#25870) 2023-10-24 16:49:26 +02:00
regnet Update old existing feature extractor references (#24552) 2023-06-29 10:17:36 +01:00
rembert CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
resnet Update old existing feature extractor references (#24552) 2023-06-29 10:17:36 +01:00
roberta Copied from for test files (#26713) 2023-10-11 14:12:09 +02:00
roberta_prelayernorm Copied from for test files (#26713) 2023-10-11 14:12:09 +02: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 device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
seamless_m4t Fixing m4t. (#27240) 2023-11-02 15:32:17 +01:00
segformer Refactor image processor testers (#25450) 2023-08-11 11:30:18 +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 Add numpy alternative to FE using torchaudio (#26339) 2023-11-08 07:39:37 +00:00
speech_to_text_2 CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
speecht5 [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +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 Fix last models for common tests that are too big. (#25058) 2023-07-25 07:56:04 -04:00
swin Update old existing feature extractor references (#24552) 2023-06-29 10:17:36 +01:00
swin2sr [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
swinv2 Update old existing feature extractor references (#24552) 2023-06-29 10:17:36 +01:00
switch_transformers device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
t5 [Tokenizer] Fix slow and fast serialization (#26570) 2023-10-18 16:30:53 +02:00
table_transformer Fix last models for common tests that are too big. (#25058) 2023-07-25 07:56:04 -04:00
tapas Overhaul Conversation class and prompt templating (#25323) 2023-09-14 15:10:34 +01:00
time_series_transformer [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
timesformer CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
timm_backbone [AutoBackbone] Add test (#26094) 2023-09-18 23:47:54 +02:00
transfo_xl CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +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
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
upernet Fix last models for common tests that are too big. (#25058) 2023-07-25 07:56:04 -04:00
videomae Input data format (#25464) 2023-08-16 17:45:02 +01:00
vilt [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
vision_encoder_decoder Safetensors serialization by default (#27064) 2023-10-31 19:16:49 +01:00
vision_text_dual_encoder Fix VisionTextDualEncoderIntegrationTest (#24661) 2023-07-05 13:44:30 +02:00
visual_bert [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
vit device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
vit_hybrid fix vit hybrid test (#25543) 2023-08-16 17:02:57 +02:00
vit_mae CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
vit_msn CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
vitdet Fix CPU offload + disk offload tests (#27204) 2023-11-01 19:25:23 +01:00
vitmatte [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +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 Fix from_pt flag when loading with safetensors (#27394) 2023-11-13 15:18:19 +01:00
wav2vec2_conformer device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
wav2vec2_phoneme
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 use pytest.mark directly (#27390) 2023-11-09 13:32:54 +01:00
x_clip [core/ GC / tests] Stronger GC tests (#27124) 2023-10-30 19:53:46 +01:00
xglm device agnostic models testing (#27146) 2023-10-31 18:12:14 +01:00
xlm CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
xlm_prophetnet Update expected values in XLMProphetNetModelIntegrationTest (#21957) 2023-03-06 09:15:44 +01:00
xlm_roberta Better TF docstring types (#23477) 2023-05-24 13:52:52 +01:00
xlm_roberta_xl CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
xlnet 🚨🚨 🚨🚨 [Tokenizer] attemp to fix add_token issues🚨🚨 🚨🚨 (#23909) 2023-09-18 20:28:36 +02:00
xmod CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
yolos Refactor image processor testers (#25450) 2023-08-11 11:30:18 +01:00
yoso CI with num_hidden_layers=2 🚀🚀🚀 (#25266) 2023-08-02 20:22:36 +02:00
__init__.py