..
deepspeed
[deepspeed] fix --load_best_model_at_end ( #14652 )
2021-12-06 21:57:47 -08:00
extended
[trainer] sanity checks for save_steps=0|None
and logging_steps=0
( #12796 )
2021-07-20 09:05:26 -07:00
fixtures
[AutoProcessor] Add Wav2Vec2WithLM & small fix ( #14675 )
2021-12-08 15:51:28 +01:00
sagemaker
SageMaker: Fix sagemaker DDP & metric logs ( #13181 )
2021-08-23 10:18:07 +02:00
__init__.py
GPU text generation: mMoved the encoded_prompt to correct device
2020-01-06 15:11:12 +01:00
conftest.py
Only test the files impacted by changes in the diff ( #12644 )
2021-07-14 10:56:55 -04:00
test_activations_tf.py
Copyright ( #8970 )
2020-12-07 18:36:34 -05:00
test_activations.py
Fix SEW-D implementation differences ( #14191 )
2021-10-28 16:22:18 +03:00
test_benchmark_tf.py
Fix from_pretrained with corrupted state_dict ( #12939 )
2021-08-04 11:48:39 +02:00
test_benchmark.py
Fix from_pretrained with corrupted state_dict ( #12939 )
2021-08-04 11:48:39 +02:00
test_cli.py
Replace assert with unittest assertions ( #13957 )
2021-10-11 10:21:46 -04:00
test_configuration_auto.py
Add an API to register objects to Auto classes ( #13989 )
2021-10-18 10:22:46 -04:00
test_configuration_common.py
Allow per-version configurations ( #14344 )
2021-11-15 16:38:02 -05:00
test_data_collator.py
minimal fixes to run DataCollatorForWholeWordMask with return_tensors="np" and return_tensors="tf" ( #13891 )
2021-11-03 10:36:41 -04:00
test_doc_samples.py
Fix ignore list behavior in doctests ( #8213 )
2020-11-02 08:47:37 -05:00
test_feature_extraction_auto.py
[AutoFeatureExtractor] Fix loading of local folders if config.json exists ( #13166 )
2021-08-18 16:18:13 +02:00
test_feature_extraction_beit.py
Improve semantic segmentation models ( #14355 )
2021-11-17 15:29:58 +01:00
test_feature_extraction_clip.py
CLIP ( #11445 )
2021-05-12 13:48:15 +05:30
test_feature_extraction_common.py
Add DETR ( #11653 )
2021-06-09 11:51:13 -04:00
test_feature_extraction_deit.py
Add DETR ( #11653 )
2021-06-09 11:51:13 -04:00
test_feature_extraction_detr.py
Rename detr targets to labels ( #12280 )
2021-06-29 03:07:46 -04:00
test_feature_extraction_imagegpt.py
Add ImageGPT ( #14240 )
2021-11-18 16:24:34 +01:00
test_feature_extraction_layoutlmv2.py
Add LayoutLMv2 + LayoutXLM ( #12604 )
2021-08-30 12:35:42 +02:00
test_feature_extraction_segformer.py
Improve semantic segmentation models ( #14355 )
2021-11-17 15:29:58 +01:00
test_feature_extraction_speech_to_text.py
[Wav2Vec2FeatureExtractor] Fix extractor.pad()
dtype backwards compatibility ( #13693 )
2021-09-22 11:02:54 +02:00
test_feature_extraction_vit.py
Add DETR ( #11653 )
2021-06-09 11:51:13 -04:00
test_feature_extraction_wav2vec2.py
[Wav2Vec2FeatureExtractor] Fix extractor.pad()
dtype backwards compatibility ( #13693 )
2021-09-22 11:02:54 +02:00
test_file_utils.py
Context managers ( #13900 )
2021-10-20 14:15:47 +02:00
test_flax_auto.py
[ci, flax] non-existing models are unlikely to pass tests ( #10409 )
2021-02-26 12:35:36 +03:00
test_generation_beam_search.py
Remove max length beam scorer ( #11378 )
2021-04-27 00:28:40 +02:00
test_generation_flax_logits_process.py
[Flax] Add Beam Search ( #12131 )
2021-06-16 09:43:54 +01:00
test_generation_flax_utils.py
[Flax Generation] Correct inconsistencies PyTorch/Flax ( #12662 )
2021-07-13 18:53:30 +01:00
test_generation_logits_process.py
[style] consistent nn. and nn.functional: part 3 tests
( #12155 )
2021-06-14 12:18:22 -07:00
test_generation_stopping_criteria.py
Adding new argument max_new_tokens
for generate. ( #11476 )
2021-05-27 14:22:58 +02:00
test_generation_utils.py
[Generation] Allow inputs_embeds
as an input ( #14443 )
2021-11-19 15:35:06 +01:00
test_hf_argparser.py
Update no_* argument (HfArgumentParser) ( #13865 )
2021-10-04 16:28:52 -04:00
test_image_utils.py
Put load_image
function in image_utils.py
& fix image rotation issue ( #14062 )
2021-11-03 14:53:05 +01:00
test_logging.py
fix: The 'warn' method is deprecated ( #11105 )
2021-04-07 09:20:06 -04:00
test_model_card.py
GPU text generation: mMoved the encoded_prompt to correct device
2020-01-06 15:11:12 +01:00
test_model_output.py
Fix ModelOutput instantiation form dictionaries ( #13067 )
2021-08-10 12:20:04 +02:00
test_modeling_albert.py
Generalize problem_type to all sequence classification models ( #14180 )
2021-10-29 10:32:56 -04:00
test_modeling_auto.py
Add an API to register objects to Auto classes ( #13989 )
2021-10-18 10:22:46 -04:00
test_modeling_bart.py
Moving question_answering tests to the new testing scheme. Had to tweak a little some ModelTesterConfig for pipelines. ( #13277 )
2021-08-26 12:37:55 +02:00
test_modeling_beit.py
[Tests] Improve vision tests ( #14458 )
2021-11-24 15:22:20 +01:00
test_modeling_bert_generation.py
Expose get_config() on ModelTesters ( #12812 )
2021-07-21 04:13:11 -04:00
test_modeling_bert.py
Generalize problem_type to all sequence classification models ( #14180 )
2021-10-29 10:32:56 -04:00
test_modeling_big_bird.py
Generalize problem_type to all sequence classification models ( #14180 )
2021-10-29 10:32:56 -04:00
test_modeling_bigbird_pegasus.py
Expose get_config() on ModelTesters ( #12812 )
2021-07-21 04:13:11 -04:00
test_modeling_blenderbot_small.py
Expose get_config() on ModelTesters ( #12812 )
2021-07-21 04:13:11 -04:00
test_modeling_blenderbot.py
Add BlenderbotTokenizerFast
( #13720 )
2021-10-29 09:19:01 -04:00
test_modeling_bort.py
ADD BORT ( #9813 )
2021-01-27 21:25:11 +03:00
test_modeling_camembert.py
Copyright ( #8970 )
2020-12-07 18:36:34 -05:00
test_modeling_canine.py
Fix ignore_mismatched_sizes ( #14085 )
2021-10-21 12:31:29 -04:00
test_modeling_clip.py
Add TF<>PT and Flax<>PT everywhere ( #14047 )
2021-10-25 23:55:08 +02:00
test_modeling_common.py
Rename ImageGPT ( #14526 )
2021-11-29 10:19:11 +01:00
test_modeling_convbert.py
Generalize problem_type to all sequence classification models ( #14180 )
2021-10-29 10:32:56 -04:00
test_modeling_ctrl.py
Remove n_ctx from configs ( #14165 )
2021-10-29 11:50:25 +02:00
test_modeling_deberta_v2.py
Expose get_config() on ModelTesters ( #12812 )
2021-07-21 04:13:11 -04:00
test_modeling_deberta.py
Expose get_config() on ModelTesters ( #12812 )
2021-07-21 04:13:11 -04:00
test_modeling_deit.py
[Tests] Improve vision tests ( #14458 )
2021-11-24 15:22:20 +01:00
test_modeling_detr.py
Expose get_config() on ModelTesters ( #12812 )
2021-07-21 04:13:11 -04:00
test_modeling_distilbert.py
Generalize problem_type to all sequence classification models ( #14180 )
2021-10-29 10:32:56 -04:00
test_modeling_dpr.py
[DPR] Correct init ( #13796 )
2021-09-30 18:55:20 +02:00
test_modeling_electra.py
Generalize problem_type to all sequence classification models ( #14180 )
2021-10-29 10:32:56 -04:00
test_modeling_encoder_decoder.py
[Bert2Bert] allow bert2bert + relative embeddings ( #14324 )
2021-11-09 14:26:58 -05:00
test_modeling_flaubert.py
Fix torchscript tests ( #13701 )
2021-09-22 19:02:54 -04:00
test_modeling_flax_albert.py
albert flax ( #13294 )
2021-08-30 17:29:27 +02:00
test_modeling_flax_bart.py
[Flax] Correct all return tensors to numpy ( #13307 )
2021-08-27 17:38:34 +02:00
test_modeling_flax_beit.py
finish ( #13743 )
2021-09-25 21:20:21 +02:00
test_modeling_flax_bert.py
Add support for multiple models for one config in auto classes ( #11150 )
2021-04-08 18:41:36 -04:00
test_modeling_flax_big_bird.py
Fix ignore_mismatched_sizes ( #14085 )
2021-10-21 12:31:29 -04:00
test_modeling_flax_blenderbot_small.py
[Flax] Add FlaxBlenderbotSmall ( #14576 )
2021-12-02 14:21:48 +05:30
test_modeling_flax_blenderbot.py
[Flax] Add FlaxBlenderbot ( #13633 )
2021-11-30 17:36:54 +05:30
test_modeling_flax_clip.py
fix loading flax bf16 weights in pt ( #14369 )
2021-11-11 21:20:49 +05:30
test_modeling_flax_common.py
fix loading flax bf16 weights in pt ( #14369 )
2021-11-11 21:20:49 +05:30
test_modeling_flax_distilbert.py
distilbert-flax ( #13324 )
2021-08-30 14:16:18 +02:00
test_modeling_flax_electra.py
[Flax] Add Electra models ( #11426 )
2021-05-04 20:56:09 +02:00
test_modeling_flax_encoder_decoder.py
Use cross_attention_hidden_size in Encoder-Decoder models ( #14378 )
2021-12-07 00:27:32 +01:00
test_modeling_flax_gpt_neo.py
Make gradient_checkpointing a training argument ( #13657 )
2021-09-22 07:51:38 -04:00
test_modeling_flax_gpt2.py
Remove n_ctx from configs ( #14165 )
2021-10-29 11:50:25 +02:00
test_modeling_flax_gptj.py
FlaxGPTJ ( #14396 )
2021-12-01 10:57:39 +05:30
test_modeling_flax_marian.py
[Flax Generation] Correct inconsistencies PyTorch/Flax ( #12662 )
2021-07-13 18:53:30 +01:00
test_modeling_flax_mbart.py
[Flax] Add FlaxMBart ( #12236 )
2021-07-07 12:20:38 +05:30
test_modeling_flax_mt5.py
Add require flax to test ( #13260 )
2021-08-25 12:56:25 -04:00
test_modeling_flax_pegasus.py
[Flax] Addition of FlaxPegasus ( #13420 )
2021-09-14 17:15:19 +02:00
test_modeling_flax_roberta.py
[FlaxRoberta] Add FlaxRobertaModels & adapt run_mlm_flax.py ( #11470 )
2021-05-04 19:57:59 +02:00
test_modeling_flax_t5.py
fix loading flax bf16 weights in pt ( #14369 )
2021-11-11 21:20:49 +05:30
test_modeling_flax_vision_encoder_decoder.py
Add FlaxVisionEncoderDecoderModel ( #13359 )
2021-11-09 15:14:28 +05:30
test_modeling_flax_vision_text_dual_encoder.py
VisionTextDualEncoder ( #13511 )
2021-11-30 22:21:48 +05:30
test_modeling_flax_vit.py
[Flax/JAX] Run jitted tests at every commit ( #13090 )
2021-08-12 14:49:46 +02:00
test_modeling_flax_wav2vec2.py
[Wav2Vec2] PyCTCDecode Integration to support language model boosted decoding ( #14339 )
2021-12-08 12:07:54 +01:00
test_modeling_fnet.py
Add FNet ( #13045 )
2021-09-20 13:24:30 +02:00
test_modeling_fsmt.py
Expose get_config() on ModelTesters ( #12812 )
2021-07-21 04:13:11 -04:00
test_modeling_funnel.py
Generalize problem_type to all sequence classification models ( #14180 )
2021-10-29 10:32:56 -04:00
test_modeling_gpt_neo.py
Make gradient_checkpointing a training argument ( #13657 )
2021-09-22 07:51:38 -04:00
test_modeling_gpt2.py
Remove n_ctx from configs ( #14165 )
2021-10-29 11:50:25 +02:00
test_modeling_gptj.py
Add GPTJForQuestionAnswering ( #14503 )
2021-12-06 11:44:10 -05:00
test_modeling_hubert.py
[Tests] Fix DistilHubert path ( #14245 )
2021-11-02 17:53:50 +03:00
test_modeling_ibert.py
Expose get_config() on ModelTesters ( #12812 )
2021-07-21 04:13:11 -04:00
test_modeling_imagegpt.py
Rename ImageGPT ( #14526 )
2021-11-29 10:19:11 +01:00
test_modeling_layoutlm.py
Expose get_config() on ModelTesters ( #12812 )
2021-07-21 04:13:11 -04:00
test_modeling_layoutlmv2.py
Fix ignore_mismatched_sizes ( #14085 )
2021-10-21 12:31:29 -04:00
test_modeling_led.py
Fix incorrect output shapes for TF/PT LED ( #13882 )
2021-10-07 17:30:15 +01:00
test_modeling_longformer.py
Generalize problem_type to all sequence classification models ( #14180 )
2021-10-29 10:32:56 -04:00
test_modeling_luke.py
Add mLUKE ( #14640 )
2021-12-07 00:25:28 -05:00
test_modeling_lxmert.py
Add TF<>PT and Flax<>PT everywhere ( #14047 )
2021-10-25 23:55:08 +02:00
test_modeling_m2m_100.py
Expose get_config() on ModelTesters ( #12812 )
2021-07-21 04:13:11 -04:00
test_modeling_marian.py
Update Transformers to huggingface_hub >= 0.1.0 ( #14251 )
2021-11-02 18:58:42 -04:00
test_modeling_mbart.py
Improving pipeline tests ( #12784 )
2021-07-22 15:19:35 +02:00
test_modeling_megatron_bert.py
Initial support for symbolic tracing with torch.fx allowing dynamic axes ( #13579 )
2021-10-05 14:19:47 +02:00
test_modeling_megatron_gpt2.py
Skip test while the model is not available ( #12740 )
2021-07-15 09:14:12 -04:00
test_modeling_mobilebert.py
Generalize problem_type to all sequence classification models ( #14180 )
2021-10-29 10:32:56 -04:00
test_modeling_mpnet.py
Expose get_config() on ModelTesters ( #12812 )
2021-07-21 04:13:11 -04:00
test_modeling_mt5.py
Copyright ( #8970 )
2020-12-07 18:36:34 -05:00
test_modeling_openai.py
Generalize problem_type to all sequence classification models ( #14180 )
2021-10-29 10:32:56 -04:00
test_modeling_pegasus.py
[Pretrained Model] Add resize_position_embeddings ( #13559 )
2021-09-15 19:03:56 +02:00
test_modeling_perceiver.py
Improve perceiver ( #14750 )
2021-12-13 18:46:49 +01:00
test_modeling_prophetnet.py
Skip ProphetNet test ( #12462 )
2021-08-04 18:24:54 +02:00
test_modeling_qdqbert.py
Add QDQBert model and quantization examples of SQUAD task ( #14066 )
2021-11-19 13:33:39 -05:00
test_modeling_rag.py
correct ( #13304 )
2021-08-30 06:02:08 -04:00
test_modeling_reformer.py
Generalize problem_type to all sequence classification models ( #14180 )
2021-10-29 10:32:56 -04:00
test_modeling_rembert.py
Add RemBERT model code to huggingface ( #10692 )
2021-07-24 11:31:42 -04:00
test_modeling_roberta.py
Generalize problem_type to all sequence classification models ( #14180 )
2021-10-29 10:32:56 -04:00
test_modeling_roformer.py
Expose get_config() on ModelTesters ( #12812 )
2021-07-21 04:13:11 -04:00
test_modeling_segformer.py
Fix tests ( #14289 )
2021-11-06 10:08:58 -04:00
test_modeling_sew_d.py
Fix SEW-D implementation differences ( #14191 )
2021-10-28 16:22:18 +03:00
test_modeling_sew.py
Add SEW CTC models ( #14158 )
2021-10-27 12:21:09 +03:00
test_modeling_speech_encoder_decoder.py
Fix scheduled tests for SpeechEncoderDecoderModel
( #13422 )
2021-09-06 14:55:13 +02:00
test_modeling_speech_to_text_2.py
Add SpeechEncoderDecoder & Speech2Text2 ( #13186 )
2021-09-01 13:33:31 +02:00
test_modeling_speech_to_text.py
[Speech] Move all examples to new audio feature ( #14045 )
2021-10-18 12:52:40 +02:00
test_modeling_splinter.py
Add splinter ( #12955 )
2021-08-17 08:29:01 -04:00
test_modeling_squeezebert.py
Generalize problem_type to all sequence classification models ( #14180 )
2021-10-29 10:32:56 -04:00
test_modeling_t5.py
Moving feature-extraction pipeline to new testing scheme ( #12843 )
2021-07-29 19:35:55 +02:00
test_modeling_tapas.py
Expose get_config() on ModelTesters ( #12812 )
2021-07-21 04:13:11 -04:00
test_modeling_tf_albert.py
Add support for multiple models for one config in auto classes ( #11150 )
2021-04-08 18:41:36 -04:00
test_modeling_tf_auto.py
Tapas tf ( #13393 )
2021-11-30 11:07:55 +01:00
test_modeling_tf_bart.py
[WIP] Ensure TF model configs can be converted to proper JSON ( #14415 )
2021-11-17 20:24:39 +00:00
test_modeling_tf_bert.py
[WIP] Ensure TF model configs can be converted to proper JSON ( #14415 )
2021-11-17 20:24:39 +00:00
test_modeling_tf_blenderbot_small.py
TF BART models - Add cross_attentions
to model output and fix cross-attention head masking ( #10699 )
2021-04-26 14:16:21 +02:00
test_modeling_tf_blenderbot.py
TF BART models - Add cross_attentions
to model output and fix cross-attention head masking ( #10699 )
2021-04-26 14:16:21 +02:00
test_modeling_tf_bort.py
ADD BORT ( #9813 )
2021-01-27 21:25:11 +03:00
test_modeling_tf_camembert.py
Copyright ( #8970 )
2020-12-07 18:36:34 -05:00
test_modeling_tf_common.py
TF model cards ( #14720 )
2021-12-15 14:57:52 +00:00
test_modeling_tf_convbert.py
ConvBERT fix torch <> tf weights conversion ( #10314 )
2021-02-24 14:55:34 +03:00
test_modeling_tf_core.py
[WIP] Ensure TF model configs can be converted to proper JSON ( #14415 )
2021-11-17 20:24:39 +00:00
test_modeling_tf_ctrl.py
Remove n_ctx from configs ( #14165 )
2021-10-29 11:50:25 +02:00
test_modeling_tf_deberta_v2.py
Deberta_v2 tf ( #13120 )
2021-08-31 06:32:47 -04:00
test_modeling_tf_deberta.py
Deberta tf ( #12972 )
2021-08-12 05:01:26 -04:00
test_modeling_tf_distilbert.py
Check TF ops for ONNX compliance ( #10025 )
2021-02-15 07:55:10 -05:00
test_modeling_tf_dpr.py
Check TF ops for ONNX compliance ( #10025 )
2021-02-15 07:55:10 -05:00
test_modeling_tf_electra.py
Check TF ops for ONNX compliance ( #10025 )
2021-02-15 07:55:10 -05:00
test_modeling_tf_encoder_decoder.py
Use cross_attention_hidden_size in Encoder-Decoder models ( #14378 )
2021-12-07 00:27:32 +01:00
test_modeling_tf_flaubert.py
Making TF XLM-like models XLA and AMP compliant ( #10211 )
2021-02-17 18:02:48 +01:00
test_modeling_tf_funnel.py
Skip Funnel test
2021-05-05 12:38:01 +02:00
test_modeling_tf_gpt2.py
[WIP] Ensure TF model configs can be converted to proper JSON ( #14415 )
2021-11-17 20:24:39 +00:00
test_modeling_tf_hubert.py
[Speech] Move all examples to new audio feature ( #14045 )
2021-10-18 12:52:40 +02:00
test_modeling_tf_layoutlm.py
remove test_model_various_embeddings ( #14341 )
2021-11-09 11:30:17 -05:00
test_modeling_tf_led.py
Fix usage of head masks by TF encoder-decoder models' generate()
function ( #11775 )
2021-05-26 14:02:44 +01:00
test_modeling_tf_longformer.py
Making TF Longformer-like models compliant with AMP ( #10233 )
2021-02-22 15:41:56 +01:00
test_modeling_tf_lxmert.py
implementing tflxmertmodel integration test ( #12497 )
2021-07-06 11:44:47 -04:00
test_modeling_tf_marian.py
Skip TestMarian_MT_EN ( #12649 )
2021-07-12 09:11:32 -04:00
test_modeling_tf_mbart.py
TF BART models - Add cross_attentions
to model output and fix cross-attention head masking ( #10699 )
2021-04-26 14:16:21 +02:00
test_modeling_tf_mobilebert.py
Making TF MobileBert model compliant with AMP ( #10259 )
2021-02-19 06:55:25 -05:00
test_modeling_tf_mpnet.py
Making TF MPNet model compliant with XLA ( #10260 )
2021-02-19 06:56:41 -05:00
test_modeling_tf_mt5.py
Adjust loss difference ( #10669 )
2021-03-12 09:09:46 +03:00
test_modeling_tf_openai.py
Remove n_ctx from configs ( #14165 )
2021-10-29 11:50:25 +02:00
test_modeling_tf_pegasus.py
Moving feature-extraction pipeline to new testing scheme ( #12843 )
2021-07-29 19:35:55 +02:00
test_modeling_tf_pytorch.py
Typo "UNKWOWN" -> "UNKNOWN" ( #13675 )
2021-09-21 09:11:26 -04:00
test_modeling_tf_rag.py
make rag tests smaller ( #10679 )
2021-03-15 10:07:12 +03:00
test_modeling_tf_rembert.py
Add TFEncoderDecoderModel + Add cross-attention to some TF models ( #13222 )
2021-10-13 00:10:34 +02:00
test_modeling_tf_roberta.py
Add TFEncoderDecoderModel + Add cross-attention to some TF models ( #13222 )
2021-10-13 00:10:34 +02:00
test_modeling_tf_roformer.py
Add new model RoFormer (use rotary position embedding ) ( #11684 )
2021-05-20 08:00:34 -04:00
test_modeling_tf_t5.py
TF Model train and eval step metrics for seq2seq models. ( #14009 )
2021-10-19 12:14:21 +01:00
test_modeling_tf_tapas.py
Tapas tf ( #13393 )
2021-11-30 11:07:55 +01:00
test_modeling_tf_transfo_xl.py
Fix ignore_mismatched_sizes ( #14085 )
2021-10-21 12:31:29 -04:00
test_modeling_tf_vit.py
Fix: change tooslow to slow ( #14734 )
2021-12-13 16:12:58 +00:00
test_modeling_tf_wav2vec2.py
[Wav2Vec2] PyCTCDecode Integration to support language model boosted decoding ( #14339 )
2021-12-08 12:07:54 +01:00
test_modeling_tf_xlm_roberta.py
Copyright ( #8970 )
2020-12-07 18:36:34 -05:00
test_modeling_tf_xlm.py
Making TF XLM-like models XLA and AMP compliant ( #10211 )
2021-02-17 18:02:48 +01:00
test_modeling_tf_xlnet.py
Check TF ops for ONNX compliance ( #10025 )
2021-02-15 07:55:10 -05:00
test_modeling_transfo_xl.py
Fix ignore_mismatched_sizes ( #14085 )
2021-10-21 12:31:29 -04:00
test_modeling_trocr.py
Add TrOCR + VisionEncoderDecoderModel ( #13874 )
2021-10-13 10:28:56 +02:00
test_modeling_unispeech_sat.py
Fix gradient_checkpointing backward compatibility ( #14408 )
2021-11-16 08:58:42 -05:00
test_modeling_unispeech.py
Add Unispeech & Unispeech-SAT ( #13963 )
2021-10-26 18:59:58 +02:00
test_modeling_vision_encoder_decoder.py
Add FlaxVisionEncoderDecoderModel ( #13359 )
2021-11-09 15:14:28 +05:30
test_modeling_vision_text_dual_encoder.py
VisionTextDualEncoder ( #13511 )
2021-11-30 22:21:48 +05:30
test_modeling_visual_bert.py
Expose get_config() on ModelTesters ( #12812 )
2021-07-21 04:13:11 -04:00
test_modeling_vit.py
[Tests] Improve vision tests ( #14458 )
2021-11-24 15:22:20 +01:00
test_modeling_wav2vec2.py
[Wav2Vec2] PyCTCDecode Integration to support language model boosted decoding ( #14339 )
2021-12-08 12:07:54 +01:00
test_modeling_xlm_prophetnet.py
Ci test tf super slow ( #8007 )
2020-10-30 10:25:48 -04:00
test_modeling_xlm_roberta.py
Copyright ( #8970 )
2020-12-07 18:36:34 -05:00
test_modeling_xlm.py
Generalize problem_type to all sequence classification models ( #14180 )
2021-10-29 10:32:56 -04:00
test_modeling_xlnet.py
Generalize problem_type to all sequence classification models ( #14180 )
2021-10-29 10:32:56 -04:00
test_offline.py
offline mode for firewalled envs (part 2) ( #10569 )
2021-03-08 08:52:20 -08:00
test_onnx_v2.py
Revert "Added support for other features for already supported models ( #14358 )" ( #14679 )
2021-12-08 13:04:40 -05:00
test_onnx.py
Fixed: Better names for nlp variables in pipelines' tests and docs. ( #11752 )
2021-05-18 09:47:28 -04:00
test_optimization_tf.py
Use stable functions ( #9369 )
2021-01-05 03:58:26 -05:00
test_optimization.py
[style] consistent nn. and nn.functional: part 3 tests
( #12155 )
2021-06-14 12:18:22 -07:00
test_pipelines_audio_classification.py
Fix a slow test. ( #14527 )
2021-11-25 12:59:33 -05:00
test_pipelines_automatic_speech_recognition.py
[Wav2Vec2] Add New Wav2Vec2 Translation ( #14392 )
2021-11-17 14:38:56 +01:00
test_pipelines_common.py
Fixing tests for Perceiver ( #14739 )
2021-12-14 09:43:07 +01:00
test_pipelines_conversational.py
Adding batch_size
support for (almost) all pipelines ( #13724 )
2021-10-29 11:34:18 +02:00
test_pipelines_feature_extraction.py
Fixing tests on master. ( #14317 )
2021-11-08 08:28:26 -05:00
test_pipelines_fill_mask.py
Adding support for multiple mask tokens. ( #14716 )
2021-12-14 16:46:16 +01:00
test_pipelines_image_classification.py
Fixing tests for Perceiver ( #14739 )
2021-12-14 09:43:07 +01:00
test_pipelines_image_segmentation.py
Moving pipeline tests from Narsil
to hf-internal-testing
. ( #14463 )
2021-11-22 04:40:45 -05:00
test_pipelines_object_detection.py
Moving pipeline tests from Narsil
to hf-internal-testing
. ( #14463 )
2021-11-22 04:40:45 -05:00
test_pipelines_question_answering.py
Handle long answer needs to be updated. ( #14279 )
2021-11-06 10:04:30 -04:00
test_pipelines_summarization.py
Adding batch_size
support for (almost) all pipelines ( #13724 )
2021-10-29 11:34:18 +02:00
test_pipelines_table_question_answering.py
Fixing Dataset for TQA + token-classification. ( #14658 )
2021-12-08 09:54:24 +01:00
test_pipelines_text_classification.py
Moving pipeline tests from Narsil
to hf-internal-testing
. ( #14463 )
2021-11-22 04:40:45 -05:00
test_pipelines_text_generation.py
Adding handle_long_generation
paramters for text-generation
pipeline. ( #14118 )
2021-10-29 15:29:28 +02:00
test_pipelines_text2text_generation.py
Adding batch_size
support for (almost) all pipelines ( #13724 )
2021-10-29 11:34:18 +02:00
test_pipelines_token_classification.py
Fixing Dataset for TQA + token-classification. ( #14658 )
2021-12-08 09:54:24 +01:00
test_pipelines_translation.py
Adding batch_size
support for (almost) all pipelines ( #13724 )
2021-10-29 11:34:18 +02:00
test_pipelines_zero_shot.py
Adding batch_size
support for (almost) all pipelines ( #13724 )
2021-10-29 11:34:18 +02:00
test_processor_auto.py
[AutoProcessor] Add Wav2Vec2WithLM & small fix ( #14675 )
2021-12-08 15:51:28 +01:00
test_processor_clip.py
CLIP ( #11445 )
2021-05-12 13:48:15 +05:30
test_processor_layoutlmv2.py
Add LayoutLMv2 + LayoutXLM ( #12604 )
2021-08-30 12:35:42 +02:00
test_processor_layoutxlm.py
Add LayoutXLMProcessor (and LayoutXLMTokenizer, LayoutXLMTokenizerFast) ( #14115 )
2021-11-03 08:59:44 +01:00
test_processor_speech_to_text.py
Auto feature extractor ( #11097 )
2021-04-06 19:20:08 -04:00
test_processor_vision_text_dual_encoder.py
VisionTextDualEncoder ( #13511 )
2021-11-30 22:21:48 +05:30
test_processor_wav2vec2_with_lm.py
[AutoProcessor] Add Wav2Vec2WithLM & small fix ( #14675 )
2021-12-08 15:51:28 +01:00
test_processor_wav2vec2.py
Change how "additional_special_tokens" argument in the ".from_pretrained" method of the tokenizer is taken into account ( #13056 )
2021-08-23 14:35:18 +02:00
test_retrieval_rag.py
RAG-2nd2end-revamp ( #11893 )
2021-06-01 07:32:26 +01:00
test_sequence_feature_extraction_common.py
[SequenceFeatureExtractor] Rewrite padding logic from pure python to numpy ( #13650 )
2021-09-21 17:10:13 +03:00
test_skip_decorators.py
[testing] rename skip targets + docs ( #7863 )
2020-10-20 04:39:13 -04:00
test_tokenization_albert.py
Add regression tests for slow sentencepiece tokenizers. ( #11737 )
2021-06-01 09:24:39 -04:00
test_tokenization_auto.py
Add an API to register objects to Auto classes ( #13989 )
2021-10-18 10:22:46 -04:00
test_tokenization_bart.py
Enforce string-formatting with f-strings ( #10980 )
2021-03-31 10:00:27 -04:00
test_tokenization_barthez.py
Add regression tests for slow sentencepiece tokenizers. ( #11737 )
2021-06-01 09:24:39 -04:00
test_tokenization_bartpho.py
Add BARTpho: Pre-trained Sequence-to-Sequence Models for Vietnamese ( #13788 )
2021-10-18 10:16:46 -04:00
test_tokenization_bert_generation.py
Feature to use the PreTrainedTokenizerFast class as a stand-alone tokenizer ( #11810 )
2021-06-14 11:58:44 +02:00
test_tokenization_bert_japanese.py
Add tokenizers class mismatch detection between cls
and checkpoint ( #12619 )
2021-07-17 15:52:21 +02:00
test_tokenization_bert.py
Enforce string-formatting with f-strings ( #10980 )
2021-03-31 10:00:27 -04:00
test_tokenization_bertweet.py
Feature to use the PreTrainedTokenizerFast class as a stand-alone tokenizer ( #11810 )
2021-06-14 11:58:44 +02:00
test_tokenization_big_bird.py
Patch BigBird tokenization test ( #12653 )
2021-07-13 02:53:06 -04:00
test_tokenization_blenderbot.py
Add BlenderbotTokenizerFast
( #13720 )
2021-10-29 09:19:01 -04:00
test_tokenization_byt5.py
up ( #13988 )
2021-10-14 10:54:20 +02:00
test_tokenization_camembert.py
Add regression tests for slow sentencepiece tokenizers. ( #11737 )
2021-06-01 09:24:39 -04:00
test_tokenization_canine.py
Fix special tokens not correctly tokenized ( #13489 )
2021-09-17 10:28:28 -04:00
test_tokenization_clip.py
Feature to use the PreTrainedTokenizerFast class as a stand-alone tokenizer ( #11810 )
2021-06-14 11:58:44 +02:00
test_tokenization_common.py
Improve tokenizer tests ( #13594 )
2021-12-03 08:39:10 +01:00
test_tokenization_cpm.py
Add a special tokenizer for CPM model ( #11068 )
2021-04-10 02:07:47 +08:00
test_tokenization_ctrl.py
Refactor prepare_seq2seq_batch
( #9524 )
2021-01-12 18:19:38 -05:00
test_tokenization_deberta_v2.py
fix deberta 2 tokenizer integration test ( #12017 )
2021-06-07 04:55:55 -04:00
test_tokenization_deberta.py
Implement Fast Tokenization for Deberta ( #11387 )
2021-04-30 08:08:15 -04:00
test_tokenization_distilbert.py
Copyright ( #8970 )
2020-12-07 18:36:34 -05:00
test_tokenization_dpr.py
[Dependencies|tokenizers] Make both SentencePiece and Tokenizers optional dependencies ( #7659 )
2020-10-18 20:51:24 +02:00
test_tokenization_fast.py
Add versioning system to fast tokenizer files ( #12713 )
2021-07-21 08:24:36 -04:00
test_tokenization_fnet.py
Fix FNet tokenizer tests ( #13995 )
2021-10-14 09:07:51 -04:00
test_tokenization_fsmt.py
Feature to use the PreTrainedTokenizerFast class as a stand-alone tokenizer ( #11810 )
2021-06-14 11:58:44 +02:00
test_tokenization_funnel.py
Reorganize repo ( #8580 )
2020-11-16 21:43:42 -05:00
test_tokenization_gpt2.py
Enforce string-formatting with f-strings ( #10980 )
2021-03-31 10:00:27 -04:00
test_tokenization_herbert.py
Reorganize repo ( #8580 )
2020-11-16 21:43:42 -05:00
test_tokenization_layoutlm.py
make style ( #11442 )
2021-04-26 13:50:34 +02:00
test_tokenization_layoutlmv2.py
Correct order of overflowing tokens for LayoutLmV2 tokenizer ( #13495 )
2021-11-09 07:49:53 -05:00
test_tokenization_layoutxlm.py
Add LayoutXLMProcessor (and LayoutXLMTokenizer, LayoutXLMTokenizerFast) ( #14115 )
2021-11-03 08:59:44 +01:00
test_tokenization_luke.py
Add mLUKE ( #14640 )
2021-12-07 00:25:28 -05:00
test_tokenization_lxmert.py
Copyright ( #8970 )
2020-12-07 18:36:34 -05:00
test_tokenization_m2m_100.py
[M2M100Tokenizer] fix _build_translation_inputs ( #14382 )
2021-11-13 20:57:12 +05:30
test_tokenization_marian.py
Add regression tests for slow sentencepiece tokenizers. ( #11737 )
2021-06-01 09:24:39 -04:00
test_tokenization_mbart.py
Moving translation
pipeline to new testing scheme. ( #13297 )
2021-08-27 12:26:17 +02:00
test_tokenization_mbart50.py
Fixing mbart50 with return_tensors
argument too. ( #13301 )
2021-08-27 17:22:06 +02:00
test_tokenization_mluke.py
Make MLuke tokenizer tests slow ( #14690 )
2021-12-08 15:59:57 -05:00
test_tokenization_mpnet.py
[MPNet] Add slow to fast tokenizer converter ( #9233 )
2020-12-21 15:41:34 +01:00
test_tokenization_openai.py
Enforce string-formatting with f-strings ( #10980 )
2021-03-31 10:00:27 -04:00
test_tokenization_pegasus.py
Add regression tests for slow sentencepiece tokenizers. ( #11737 )
2021-06-01 09:24:39 -04:00
test_tokenization_perceiver.py
Fix tests ( #14703 )
2021-12-09 08:32:35 -05:00
test_tokenization_phobert.py
Feature to use the PreTrainedTokenizerFast class as a stand-alone tokenizer ( #11810 )
2021-06-14 11:58:44 +02:00
test_tokenization_prophetnet.py
Deprecate prepare_seq2seq_batch ( #10287 )
2021-02-22 12:36:16 -05:00
test_tokenization_rag.py
Copyright ( #8970 )
2020-12-07 18:36:34 -05:00
test_tokenization_reformer.py
Add regression tests for slow sentencepiece tokenizers. ( #11737 )
2021-06-01 09:24:39 -04:00
test_tokenization_roberta.py
Enforce string-formatting with f-strings ( #10980 )
2021-03-31 10:00:27 -04:00
test_tokenization_roformer.py
[RoFormer] Fix some issues ( #12397 )
2021-07-06 03:31:57 -04:00
test_tokenization_small_blenderbot.py
Feature to use the PreTrainedTokenizerFast class as a stand-alone tokenizer ( #11810 )
2021-06-14 11:58:44 +02:00
test_tokenization_speech_to_text_2.py
[Speech2Text2] Enable tokenizers ( #14390 )
2021-11-15 16:34:11 +01:00
test_tokenization_speech_to_text.py
Add regression tests for slow sentencepiece tokenizers. ( #11737 )
2021-06-01 09:24:39 -04:00
test_tokenization_squeezebert.py
[Dependencies|tokenizers] Make both SentencePiece and Tokenizers optional dependencies ( #7659 )
2020-10-18 20:51:24 +02:00
test_tokenization_t5.py
Change how "additional_special_tokens" argument in the ".from_pretrained" method of the tokenizer is taken into account ( #13056 )
2021-08-23 14:35:18 +02:00
test_tokenization_tapas.py
Add min and max question length options to TapasTokenizer ( #12803 )
2021-08-23 03:44:42 -04:00
test_tokenization_transfo_xl.py
Refactor prepare_seq2seq_batch
( #9524 )
2021-01-12 18:19:38 -05:00
test_tokenization_utils.py
Patch recursive import ( #11812 )
2021-05-21 06:50:01 -04:00
test_tokenization_wav2vec2.py
**encode_plus() shouldn't run for W2V2CTC ( #12655 )
2021-07-13 06:31:56 -04:00
test_tokenization_xlm_prophetnet.py
Add regression tests for slow sentencepiece tokenizers. ( #11737 )
2021-06-01 09:24:39 -04:00
test_tokenization_xlm_roberta.py
XLMR tokenizer is fully picklable ( #13577 )
2021-09-16 16:30:05 -04:00
test_tokenization_xlm.py
make style ( #11442 )
2021-04-26 13:50:34 +02:00
test_tokenization_xlnet.py
Add regression tests for slow sentencepiece tokenizers. ( #11737 )
2021-06-01 09:24:39 -04:00
test_trainer_callback.py
Proper import for unittest.mock.patch ( #13085 )
2021-08-12 11:23:00 +02:00
test_trainer_distributed.py
Update namespaces inside torch.utils.data to the latest. ( #13167 )
2021-08-19 14:29:51 +02:00
test_trainer_seq2seq.py
fix bert2bert test ( #10063 )
2021-02-08 16:04:28 +03:00
test_trainer_tpu.py
[TPU tests] Enable first TPU examples pytorch ( #14121 )
2021-10-28 01:22:28 +02:00
test_trainer_utils.py
Allow dataset to be an optional argument for (Distributed)LengthGroupedSampler ( #13820 )
2021-10-05 09:04:39 -04:00
test_trainer.py
[trainer] add tf32-mode control ( #14606 )
2021-12-03 10:08:58 -08:00
test_utils_check_copies.py
Enable readme link synchronization ( #13785 )
2021-09-29 11:18:59 -04:00
test_versions_utils.py
rm require_version_examples ( #12088 )
2021-06-09 11:02:52 -07:00