transformers/tests/models
Michael Nation dfc3deafa3
Optimizes DonutProcessor token2json method for speed (#20283)
* Optimizes DonutProcessor token2json method for speed

* Applies black formatting

* Updates Donut pretrained model name in test file

* remaining pytorch type hints (#20217)

* Update modeling_flava.py

* Update modeling_markuplm.py

* Update modeling_glpn.py

* Update modeling_roc_bert.py

* Update modeling_segformer.py

* Update modeling_tapas.py

* Update modeling_tapas.py

* Update modeling_tapas.py

* Update modeling_tapas.py

* Update modeling_trocr.py

* Update modeling_videomae.py

* Update modeling_videomae.py

* Update modeling_videomae.py

* Update modeling_yolos.py

* Update modeling_wav2vec2.py

* Update modeling_jukebox.py

* Update modeling_jukebox.py

* Update modeling_jukebox.py

* Update modeling_jukebox.py

* Data collator for token classification pads labels column when receives pytorch tensors (#20244)

* token cls data_collator pads labels column

* remove walrus operator for code quality

* remove redundat space

* remove comment that was fixed

* PR comments fix

Co-authored-by: Alexander Markov <amarkov.me@gmail.com>

* [Doctest] Add configuration_deformable_detr.py (#20273)

* Update configuration_deformable_detr.py comment

* Add DeformableDetrConfig to documentation_tests.txt

* Fix summarization script (#20286)

* [DOCTEST] Fix the documentation of RoCBert (#20142)

* update part of the doc

* add temp values, fix part of the doc

* add template outputs

* add correct models and outputss

* style

* fixup

* [bnb] Let's warn users when saving 8-bit models (#20282)

* add warning on 8-bit models

- added tests
- added wrapper

* move to a private attribute

- remove wrapper
- changed `save_pretrained` method

* Apply suggestions from code review

Co-authored-by: Sylvain Gugger <35901082+sgugger@users.noreply.github.com>

* fix suggestions

Co-authored-by: Sylvain Gugger <35901082+sgugger@users.noreply.github.com>

* Adding `zero-shot-object-detection` pipeline doctest. (#20274)

* Adding `zero-shot-object-detection` pipeline doctest.

* Remove nested_simplify.

* Adding doctest for `object-detection` pipeline. (#20258)

* Adding doctest for `object-detection` pipeline.

* Removed nested_simplify.

* Image transforms functionality used instead (#20278)

* Image transforms functionality used instead

* Import torch

* Import rather than copy

* Update src/transformers/models/conditional_detr/feature_extraction_conditional_detr.py

* TF: add test for `PushToHubCallback` (#20231)

* test hub tf callback

* create repo before cloning it

* Generate: general TF XLA constrastive search are now slow tests (#20277)

* move contrastive search test to slow

* Fixing the doctests failures. (#20294)

* Fixing the doctests failures.

* Fixup.

* set the default cache_enable to True, aligned with the default value in pytorch cpu/cuda amp autocast (#20289)

Signed-off-by: Wang, Yi A <yi.a.wang@intel.com>

Signed-off-by: Wang, Yi A <yi.a.wang@intel.com>

* Add docstrings for canine model (#19457)

* Add docstrings for canine model

* Update CanineForTokenClassification

Co-authored-by: ydshieh <ydshieh@users.noreply.github.com>

* Add AutoBackbone + ResNetBackbone (#20229)

* Add ResNetBackbone

* Define channels and strides as property

* Remove file

* Add test for backbone

* Update BackboneOutput class

* Remove strides property

* Fix docstring

* Add backbones to SHOULD_HAVE_THEIR_OWN_PAGE

* Fix auto mapping name

* Add sanity check for out_features

* Set stage names based on depths

* Update to tuple

Co-authored-by: Niels Rogge <nielsrogge@Nielss-MacBook-Pro.local>

* Add missing report button for Example test (#20293)

Co-authored-by: ydshieh <ydshieh@users.noreply.github.com>

* refactor test (#20300)

- simplifies the devce checking test

* [Tiny model creation] deal with `ImageProcessor` (#20298)

Co-authored-by: ydshieh <ydshieh@users.noreply.github.com>

* Fix blender bot missleading doc (#20301)

* fix the doc to specify that add_prefix_space = False

* add correct expected output

* remove two tokens that should not be suppressed (#20302)

* [ASR Examples] Update README for Whisper (#20230)

* [ASR Examples] Update README for seq2seq

* add language info

* add training results

* re-word

* Add padding image transformation (#19838)

* Add padding transformation

* Add in upstream changes

* Update tests & docs

* Code formatting tuples in docstring

* Pin TensorFlow (#20313)

* Pin to the right version...

* Also pin TensorFlow CPU

* Add AnyPrecisionAdamW optimizer (#18961)

* Add AnyPrecisionAdamW optimizer

* Add optim_args argument to TrainingArgs

* Add tests for AnyPrecisionOptimizer

* Change AnyPrecisionAdam default params to float32

* Move default_anyprecision_kwargs in trainer test

* Rename AnyPrecisionAdamW

* [Proposal] Breaking change `zero-shot-object-detection` for improved     consistency. (#20280)

* [Proposal] Breaking change `zero-shot-object-detection` for improved
consistency.

This is a proposal to modify the output of `zero-shot-object-detection`
to provide better alignment with other pipelines.

The output is now strictly the same as `object-detection` whereas before
it would output lists of lists.

The name `candidate_labels` is used throughout for consistency with
other `zero-shot` pipelines.

The pipeline is changed to `ChunkPipeline` to support batching cleanly.

This removes all the lists and list of lists shenanigans, it's now a
matter of the base pipeline handling all this not this specific one.

**Breaking change**: It did remove complex calls potentials `pipe(images = [image1, image2],
text_queries=[candidates1, candidates2])` to support only
`pipe([{"image": image1, "candidate_labels": candidates1}, {"image": image2, "candidate_labels": candidates2}])`
when dealing with lists and/or datasets.
We could keep them, but it will add a lot of complexity to the code
base, since the pipeline is rather young, I'd rather break to keep the
code simpler, but we can revert this.

**Breaking change**: The name of the argument is now `image` instead of
`images` since it expects by default only 1 image. This is revertable
like the previous one.

**Breaking change**: The types is now simplified and flattened:

`pipe(inputs) == [{**object1}, {**object2}]`
instead of the previous
`pipe(inputs) == [[{**object1}, {**object1}], [{**object2}]]`
Where the different instances would be grouped by candidate labels
within lists.
IMHO this is not really desirable, since it would output empty lists and
is only adding superflous indirection compared to
`zero-shot-object-detection`.

It is relatively change free in terms of how the results, it does change
computation however since now the batching is handled by the pipeline
itself. It **did** change the results for the small models so there
seems to be a real difference in how the models handle this.

* Fixing the doctests.

* Behind is_torch_available.

* Fix flakey test with seed (#20318)

* Pin TF 2.10.1 for Push CI (#20319)

Co-authored-by: ydshieh <ydshieh@users.noreply.github.com>

* Remove double brackets (#20307)

* remove double brackets

* oops get other bracket

* TF: future proof our keras imports (#20317)

* future proof our tf code

* parse tf versions

* Add Neighborhood Attention Transformer (NAT) and Dilated NAT (DiNAT) models (#20219)

* Add DiNAT

* Adds DiNAT + tests

* Minor fixes

* Added HF model

* Add natten to dependencies.

* Cleanup

* Minor fixup

* Reformat

* Optional NATTEN import.

* Reformat & add doc to _toctree

* Reformat (finally)

* Dummy objects for DiNAT

* Add NAT + minor changes

Adds NAT as its own independent model + docs, tests
Adds NATTEN to ext deps to ensure ci picks it up.

* Remove natten from `all` and `dev-torch` deps, add manual pip install to ci tests

* Minor fixes.

* Fix READMEs.

* Requested changes to docs + minor fixes.

* Requested changes.

* Add NAT/DiNAT tests to layoutlm_job

* Correction to Dinat doc.

* Requested changes.

* organize pipelines by modality (#20306)

* Fix torch device issues (#20304)

* fix device issue

Co-authored-by: ydshieh <ydshieh@users.noreply.github.com>

* Generate: add generation config class (#20218)

Co-authored-by: Sylvain Gugger <35901082+sgugger@users.noreply.github.com>

Co-authored-by: Sylvain Gugger <35901082+sgugger@users.noreply.github.com>

* translate zh quicktour(#20095) (#20181)

* zh quicktour(#20095)

* add zh to doc workflow

* remove untranslation from toctree

Co-authored-by: BeifangSusu <BeifangSusu@bfss.com>

* Add Spanish translation of serialization.mdx (#20245)

* Update _toctree and clone original content

* Translate first three sections

* Add more translated chapters. Only 3 more left.

* Finish translation

* Run style from doc-builder

* Address recommended changes from reviewer

* Add LayerScale to NAT/DiNAT (#20325)

* Add LayerScale to NAT/DiNAT.

Completely dropped the ball on LayerScale in the original PR (#20219).
This is just an optional argument in both models, and is only activated for larger variants in order to provide training stability.

* Add LayerScale to NAT/DiNAT.

Minor error fixed.

Co-authored-by: Ali Hassani <ahassanijr@gmail.com>

* [Switch Transformers] Fix failing slow test (#20346)

* run slow test on GPU

* remove unnecessary device assignment

* use `torch_device` instead

* fix: "BigSicence" typo in docs (#20331)

* add MobileNetV1 model (#17799)

* add model files etc for MobileNetV2

rename files for MobileNetV1

initial implementation of MobileNetV1

fix conversion script

cleanup

write docs

tweaks

fix conversion script

extract hidden states

fix test cases

make fixup

fixup it all

remove main from doc link

fixes

fix tests

fix up

use google org

fix weird assert

* fixup

* use google organization for checkpoints

* Generate: `model_kwargs` can also be an input to `prepare_inputs_for_generation` (#20353)

* Update Special Language Tokens for PLBART (#19980)

* Update Special Language Tokens for PLBART

* fix format

* making mapping for language codes and updating tests:

* fix format

* fix consistency

* add assert to both tokenizer tests.

* fix format

* Update src/transformers/models/plbart/tokenization_plbart.py

Co-authored-by: Arthur <48595927+ArthurZucker@users.noreply.github.com>

* improvin readability, setting self.tgt_lang

* fixing

* readability

Co-authored-by: jordiclive <jordiclive19@imperial.ac.uk>
Co-authored-by: Arthur <48595927+ArthurZucker@users.noreply.github.com>

* Add resources (#20296)

Co-authored-by: Niels Rogge <nielsrogge@Nielss-MacBook-Pro.local>

* Enhance HfArgumentParser functionality and ease of use (#20323)

* Enhance HfArgumentParser

* Fix type hints for older python versions

* Fix and add tests (+formatting)

* Add changes

* doc-builder formatting

* Remove unused import "Call"

* Add Audio Spectogram Transformer (#19981)

* First draft

* Make conversion script work

* Add id2label mapping, run code quality

* Fix copies

* Add first draft of feature extractor

* Update conversion script to use feature extractor

* Make more tests pass

* Add docs

* update input_features to input_values + pad by default to max length

* Fix doc tests

* Add feature extractor tests

* Add proper padding/truncation to feature extractor

* Add support for conversion of all audioset checkpoints

* Improve docs and extend conversion script

* Fix README

* Rename spectogram to spectrogram

* Fix copies

* Add integration test

* Remove dummy conv

* Update to ast

* Update organization

* Fix init

* Rename model to AST

* Add require_torchaudio annotator

* Move import of ASTFeatureExtractor under a is_speech_available

* Fix rebase

* Add pipeline config

* Update name of classifier head

* Rename time_dimension and frequency_dimension for clarity

* Remove print statement

* Fix pipeline test

* Fix pipeline test

* Fix index table

* Fix init

* Fix conversion script

* Rename to ForAudioClassification

* Fix index table

Co-authored-by: Niels Rogge <nielsrogge@Nielss-MacBook-Pro.local>

* Add inference section to task guides (#18781)

* 📝 start adding inference section to task guides

*  make style

* 📝 add multiple choice

* add rest of inference sections

* make style

* add compute_metric, push_to_hub, pipeline

* make style

* add updated sequence and token classification

* make style

* make edits in token classification

* add audio classification

* make style

* add asr

* make style

* add image classification

* make style

* add summarization

* make style

* add translation

* make style

* add multiple choice

* add language modeling

* add qa

* make style

* review and edits

* apply reviews

* make style

* fix call to processor

* apply audio reviews

* update to better asr model

* make style

* Fix toctree for Section 3 in Spanish Documentation (#20360)

* Order and group topics in the right section

* Translate "Computer Vision"

Signed-off-by: Wang, Yi A <yi.a.wang@intel.com>
Co-authored-by: IMvision12 <88665786+IMvision12@users.noreply.github.com>
Co-authored-by: Alexander Markov <almarkv@yandex.ru>
Co-authored-by: Alexander Markov <amarkov.me@gmail.com>
Co-authored-by: Saad Mahmud <shuvro.mahmud79@gmail.com>
Co-authored-by: Zachary Mueller <muellerzr@gmail.com>
Co-authored-by: Arthur <48595927+ArthurZucker@users.noreply.github.com>
Co-authored-by: Younes Belkada <49240599+younesbelkada@users.noreply.github.com>
Co-authored-by: Sylvain Gugger <35901082+sgugger@users.noreply.github.com>
Co-authored-by: Nicolas Patry <patry.nicolas@protonmail.com>
Co-authored-by: amyeroberts <22614925+amyeroberts@users.noreply.github.com>
Co-authored-by: Joao Gante <joaofranciscocardosogante@gmail.com>
Co-authored-by: Wang, Yi <yi.a.wang@intel.com>
Co-authored-by: raghavanone <115454562+raghavanone@users.noreply.github.com>
Co-authored-by: ydshieh <ydshieh@users.noreply.github.com>
Co-authored-by: NielsRogge <48327001+NielsRogge@users.noreply.github.com>
Co-authored-by: Niels Rogge <nielsrogge@Nielss-MacBook-Pro.local>
Co-authored-by: Yih-Dar <2521628+ydshieh@users.noreply.github.com>
Co-authored-by: Sanchit Gandhi <93869735+sanchit-gandhi@users.noreply.github.com>
Co-authored-by: Sylvain Gugger <Sylvain.gugger@gmail.com>
Co-authored-by: atturaioe <76523524+atturaioe@users.noreply.github.com>
Co-authored-by: Steven Liu <59462357+stevhliu@users.noreply.github.com>
Co-authored-by: Ali Hassani <68103095+alihassanijr@users.noreply.github.com>
Co-authored-by: BFSS <31245245+bfss@users.noreply.github.com>
Co-authored-by: BeifangSusu <BeifangSusu@bfss.com>
Co-authored-by: Ian C <7807897+donelianc@users.noreply.github.com>
Co-authored-by: Ali Hassani <ahassanijr@gmail.com>
Co-authored-by: Raj Rajhans <me@rajrajhans.com>
Co-authored-by: Matthijs Hollemans <mail@hollance.com>
Co-authored-by: Jordan Clive <jordan.clive19@imperial.ac.uk>
Co-authored-by: jordiclive <jordiclive19@imperial.ac.uk>
Co-authored-by: Konstantin Dobler <konstantin.j.dobler@gmail.com>
2022-11-22 10:40:59 -05:00
..
albert Improve model tester (#19984) 2022-11-02 17:38:44 +01:00
audio_spectrogram_transformer Add Audio Spectogram Transformer (#19981) 2022-11-21 18:58:54 +01:00
auto Fix tapas scatter (#20149) 2022-11-14 01:04:26 -05:00
bart Enable PyTorch 1.13 (#20168) 2022-11-15 11:33:09 -05:00
barthez Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
bartpho Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
beit Add Image Processors (#19796) 2022-11-02 11:57:36 +00:00
bert update relative positional embedding (#20203) 2022-11-15 10:46:34 +01:00
bert_generation Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
bert_japanese Add sentencepiece to BertJapaneseTokenizer (#19769) 2022-10-21 10:04:49 -04:00
bertweet Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
big_bird wrap forward passes with torch.no_grad() (#19273) 2022-10-04 16:13:22 +02:00
bigbird_pegasus Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
blenderbot Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
blenderbot_small Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
bloom Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
bort Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
byt5 Replace as_target context managers by direct calls (#18325) 2022-07-29 08:09:09 -04:00
camembert Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
canine Improve model tester (#19984) 2022-11-02 17:38:44 +01:00
clip [CLIP] allow loading projection layer in vision and text model (#18962) 2022-11-15 17:50:07 +01:00
clipseg Update CLIPSegModelTester (#20134) 2022-11-09 15:21:52 +01:00
codegen Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
conditional_detr Fix torch device issues (#20304) 2022-11-21 10:12:25 +01:00
convbert wrap forward passes with torch.no_grad() (#19274) 2022-10-04 16:12:03 +02:00
convnext Add Image Processors (#19796) 2022-11-02 11:57:36 +00:00
cpm Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
ctrl Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
cvt [CvT] Tensorflow implementation (#18597) 2022-10-11 18:16:52 +01:00
data2vec update relative positional embedding (#20203) 2022-11-15 10:46:34 +01:00
deberta fix train_new_from_iterator in the case of byte-level tokenizers (#17549) 2022-06-08 15:30:41 +02:00
deberta_v2 🚨 🚨 🚨 Fix Issue 15003: SentencePiece Tokenizers Not Adding Special Tokens in convert_tokens_to_string (#15775) 2022-11-02 15:45:38 -04:00
decision_transformer Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
deformable_detr Fix torch device issues (#20304) 2022-11-21 10:12:25 +01:00
deit Add accelerate support for ViT family (#20174) 2022-11-15 11:06:01 +01:00
detr Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
dinat Add Neighborhood Attention Transformer (NAT) and Dilated NAT (DiNAT) models (#20219) 2022-11-18 13:08:26 -05:00
distilbert Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
dit Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
donut Optimizes DonutProcessor token2json method for speed (#20283) 2022-11-22 10:40:59 -05:00
dpr Replace as_target context managers by direct calls (#18325) 2022-07-29 08:09:09 -04:00
dpt Add Image Processors (#19796) 2022-11-02 11:57:36 +00:00
electra Improve model tester (#19984) 2022-11-02 17:38:44 +01:00
encoder_decoder Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
ernie update relative positional embedding (#20203) 2022-11-15 10:46:34 +01:00
esm Fix ESM LM head test (#20045) 2022-11-04 12:45:34 +00:00
flaubert Improve model tester (#19984) 2022-11-02 17:38:44 +01:00
flava Fix type - update any PIL.Image.Resampling (#20172) 2022-11-11 16:55:59 +00:00
fnet wrap forward passes with torch.no_grad() (#19413) 2022-10-10 15:03:46 -04:00
fsmt Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
funnel Update serving code to enable saved_model=True (#18153) 2022-07-22 18:05:38 +01:00
glpn Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
gpt_neo Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
gpt_neox skip some gpt_neox tests that require 80G RAM (#17923) 2022-07-01 09:04:38 -04:00
gpt_neox_japanese Add support for Japanese GPT-NeoX-based model by ABEJA, Inc. (#18814) 2022-09-14 10:17:40 -04:00
gpt2 Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
gptj Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
groupvit Allow passing arguments to model testers for CLIP-like models (#20044) 2022-11-04 18:01:41 +01:00
herbert Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
hubert Fix train_step, test_step and tests for CLIP (#18684) 2022-09-09 20:01:02 +01:00
ibert Improve model tester (#19984) 2022-11-02 17:38:44 +01:00
imagegpt Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
jukebox Add Jukebox model (replaces #16875) (#17826) 2022-11-10 21:05:27 +01:00
layoutlm TF: TF 2.10 unpin + related onnx test skips (#18995) 2022-09-12 19:30:27 +01:00
layoutlmv2 [processor] Add 'model input names' property (#20117) 2022-11-10 19:29:20 +00:00
layoutlmv3 [processor] Add 'model input names' property (#20117) 2022-11-10 19:29:20 +00:00
layoutxlm Fix tapas scatter (#20149) 2022-11-14 01:04:26 -05:00
led Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
levit Add Image Processors (#19796) 2022-11-02 11:57:36 +00:00
lilt Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
longformer Improve model tester (#19984) 2022-11-02 17:38:44 +01:00
longt5 Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
luke Adding fine-tuning models to LUKE (#18353) 2022-08-01 11:09:47 -04:00
lxmert Update serving code to enable saved_model=True (#18153) 2022-07-22 18:05:38 +01:00
m2m_100 Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
marian Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
markuplm [processor] Add 'model input names' property (#20117) 2022-11-10 19:29:20 +00:00
maskformer Fix MaskformerFeatureExtractor (#20100) 2022-11-15 16:00:37 +01:00
mbart Enable PyTorch 1.13 (#20168) 2022-11-15 11:33:09 -05:00
mbart50 Replace as_target context managers by direct calls (#18325) 2022-07-29 08:09:09 -04:00
mctct [processor] Add 'model input names' property (#20117) 2022-11-10 19:29:20 +00:00
megatron_bert Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
megatron_gpt2 Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
mluke Black preview (#17217) 2022-05-12 16:25:55 -04:00
mobilebert Fix train_step, test_step and tests for CLIP (#18684) 2022-09-09 20:01:02 +01:00
mobilenet_v1 add MobileNetV1 model (#17799) 2022-11-21 10:21:28 -05:00
mobilenet_v2 add MobileNetV2 model (#17845) 2022-11-14 01:00:10 -05:00
mobilevit Add Image Processors (#19796) 2022-11-02 11:57:36 +00:00
mpnet Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
mt5 Fix expected loss values in some (m)T5 tests (#18177) 2022-07-18 15:26:21 +02:00
mvp Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
nat Add Neighborhood Attention Transformer (NAT) and Dilated NAT (DiNAT) models (#20219) 2022-11-18 13:08:26 -05:00
nezha Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
nllb Replace as_target context managers by direct calls (#18325) 2022-07-29 08:09:09 -04:00
nystromformer Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
openai Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
opt Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
owlvit Adds image-guided object detection support to OWL-ViT (#20136) 2022-11-16 09:07:46 +03:00
pegasus Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
pegasus_x Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
perceiver Update defaults and logic to match old FE (#20065) 2022-11-04 19:14:56 +00:00
phobert Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
plbart Skip failing test 2022-11-22 09:53:56 -05:00
poolformer Add Image Processors (#19796) 2022-11-02 11:57:36 +00:00
prophetnet Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
qdqbert Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
rag Avoid GPU OOM for a TF Rag test (#17638) 2022-06-10 18:50:29 +02:00
realm Black preview (#17217) 2022-05-12 16:25:55 -04:00
reformer Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
regnet Run tests if skip condition not met (#18764) 2022-08-30 14:03:28 +02:00
rembert Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
resnet Add AutoBackbone + ResNetBackbone (#20229) 2022-11-17 15:43:20 +01:00
retribert fix retribert's test_torch_encode_plus_sent_to_model (#17231) 2022-05-17 14:33:13 +02:00
roberta update relative positional embedding (#20203) 2022-11-15 10:46:34 +01:00
roc_bert update relative positional embedding (#20203) 2022-11-15 10:46:34 +01:00
roformer wrap forward passes with torch.no_grad() (#19438) 2022-10-10 14:54:54 -04:00
segformer Add Image Processors (#19796) 2022-11-02 11:57:36 +00:00
sew Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
sew_d Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
speech_encoder_decoder Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
speech_to_text [processor] Add 'model input names' property (#20117) 2022-11-10 19:29:20 +00:00
speech_to_text_2 Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
splinter Fix Splinter test (#17854) 2022-06-24 16:26:14 +02:00
squeezebert Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
swin remvoe _create_and_check_torch_fx_tracing in specific test files (#18667) 2022-09-07 16:22:09 +02:00
swinv2 Add swin transformer v2 (#17469) 2022-07-27 11:14:47 -04:00
switch_transformers [Switch Transformers] Fix failing slow test (#20346) 2022-11-21 15:36:49 +01:00
t5 Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
table_transformer Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
tapas Fix tapas scatter (#20149) 2022-11-14 01:04:26 -05:00
tapex Replace as_target context managers by direct calls (#18325) 2022-07-29 08:09:09 -04:00
time_series_transformer Add a decorator for flaky tests (#19498) 2022-10-12 14:00:17 -04:00
trajectory_transformer Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
transfo_xl Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
trocr Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
unispeech Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
unispeech_sat Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
van has_attentions - consistent test skipping logic and tf tests (#17495) 2022-06-09 09:50:03 +02:00
videomae Add Image Processors (#19796) 2022-11-02 11:57:36 +00:00
vilt Add Image Processors (#19796) 2022-11-02 11:57:36 +00:00
vision_encoder_decoder Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
vision_text_dual_encoder [processor] Add 'model input names' property (#20117) 2022-11-10 19:29:20 +00:00
visual_bert wrap forward passes with torch.no_grad() (#19439) 2022-10-10 14:54:36 -04:00
vit Add accelerate support for ViT family (#20174) 2022-11-15 11:06:01 +01:00
vit_mae TF: tests for (de)serializable models with resized tokens (#19013) 2022-09-16 16:38:08 +01:00
vit_msn Some fixes regarding auto mappings and test class names (#19923) 2022-10-27 14:38:59 +02:00
wav2vec2 [processor] Add 'model input names' property (#20117) 2022-11-10 19:29:20 +00:00
wav2vec2_conformer [Test] Fix W2V-Conformer integration test (#17303) 2022-05-17 18:20:36 +02:00
wav2vec2_phoneme Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
wav2vec2_with_lm [processor] Add 'model input names' property (#20117) 2022-11-10 19:29:20 +00:00
wavlm Move test model folders (#17034) 2022-05-03 14:42:02 +02:00
whisper [WHISPER] Update modeling tests (#20162) 2022-11-15 11:04:58 +01:00
x_clip Allow passing arguments to model testers for CLIP-like models (#20044) 2022-11-04 18:01:41 +01:00
xglm Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
xlm Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
xlm_prophetnet Black preview (#17217) 2022-05-12 16:25:55 -04:00
xlm_roberta Black preview (#17217) 2022-05-12 16:25:55 -04:00
xlm_roberta_xl update relative positional embedding (#20203) 2022-11-15 10:46:34 +01:00
xlnet Generate: move generation_*.py src files into generation/*.py (#20096) 2022-11-09 15:34:08 +00:00
yolos [fix] Add DeformableDetrFeatureExtractor (#19140) 2022-09-22 09:45:24 +02:00
yoso fix train_new_from_iterator in the case of byte-level tokenizers (#17549) 2022-06-08 15:30:41 +02:00
__init__.py Move test model folders (#17034) 2022-05-03 14:42:02 +02:00