You can not select more than 25 topics Topics must start with a chinese character,a letter or number, can include dashes ('-') and can be up to 35 characters long.
 
 
 
 
 
Michael Benayoun 986ac03e37
changed modeling_fx_utils.py to utils/fx.py for clarity (#12326)
2 years ago
..
deepspeed [trainer] 2 bug fixes and a rename (#12309) 2 years ago
extended [trainer] 2 bug fixes and a rename (#12309) 2 years ago
fixtures Add DETR (#11653) 2 years ago
sagemaker Add option to log only once in multinode training (#11819) 2 years ago
__init__.py Move tests outside of library. 4 years ago
conftest.py Trainer push to hub (#11328) 3 years ago
test_activations.py Replace legacy tensor.Tensor with torch.tensor/torch.empty (#12027) 2 years ago
test_activations_tf.py Copyright (#8970) 3 years ago
test_benchmark.py Copyright (#8970) 3 years ago
test_benchmark_tf.py Copyright (#8970) 3 years ago
test_cli.py Copyright (#8970) 3 years ago
test_configuration_auto.py Reorganize repo (#8580) 3 years ago
test_configuration_common.py Clean push to hub API (#12187) 2 years ago
test_data_collator.py Run mlm pad to multiple for fp16 (#11128) 3 years ago
test_doc_samples.py Fix ignore list behavior in doctests (#8213) 3 years ago
test_feature_extraction_auto.py Add the ImageClassificationPipeline (#11598) 3 years ago
test_feature_extraction_clip.py CLIP (#11445) 3 years ago
test_feature_extraction_common.py Add DETR (#11653) 2 years ago
test_feature_extraction_deit.py Add DETR (#11653) 2 years ago
test_feature_extraction_detr.py Add DETR (#11653) 2 years ago
test_feature_extraction_speech_to_text.py Auto feature extractor (#11097) 3 years ago
test_feature_extraction_vit.py Add DETR (#11653) 2 years ago
test_feature_extraction_wav2vec2.py W2v2 test require torch (#10665) 3 years ago
test_file_utils.py Patches the full import failure and adds a test (#10750) 3 years ago
test_flax_auto.py [ci, flax] non-existing models are unlikely to pass tests (#10409) 3 years ago
test_generation_beam_search.py Remove max length beam scorer (#11378) 3 years ago
test_generation_flax_logits_process.py [Flax] Add Beam Search (#12131) 2 years ago
test_generation_flax_utils.py [Flax] Add Beam Search (#12131) 2 years ago
test_generation_logits_process.py [style] consistent nn. and nn.functional: part 3 `tests` (#12155) 2 years ago
test_generation_stopping_criteria.py Adding new argument `max_new_tokens` for generate. (#11476) 2 years ago
test_generation_utils.py Fix head masking generate tests (#12110) 2 years ago
test_hf_api.py Trainer push to hub (#11328) 3 years ago
test_hf_argparser.py Adding required flags to non-default arguments in hf_argparser (#10688) 3 years ago
test_image_utils.py Add center_crop to ImageFeatureExtractoMixin (#11066) 3 years ago
test_logging.py fix: The 'warn' method is deprecated (#11105) 3 years ago
test_model_card.py Remove sys.version_info[0] == 2 or 3. 4 years ago
test_model_output.py Add tests and fix various bugs in ModelOutput (#7073) 3 years ago
test_modeling_albert.py A cleaner and more scalable implementation of symbolic tracing (#11763) 3 years ago
test_modeling_auto.py Add support for multiple models for one config in auto classes (#11150) 3 years ago
test_modeling_bart.py Replace legacy tensor.Tensor with torch.tensor/torch.empty (#12027) 2 years ago
test_modeling_bert.py Experimental symbolic tracing feature with torch.fx for BERT, ELECTRA and T5 (#11475) 3 years ago
test_modeling_bert_generation.py Replace error by warning when loading an architecture in another (#11207) 3 years ago
test_modeling_big_bird.py Add multi-class, multi-label and regression to transformers (#11012) 3 years ago
test_modeling_bigbird_pegasus.py Add some tests to the slow suite #11860 2 years ago
test_modeling_blenderbot.py Fix cross-attention head mask for Torch encoder-decoder models (#10605) 3 years ago
test_modeling_blenderbot_small.py Fix cross-attention head mask for Torch encoder-decoder models (#10605) 3 years ago
test_modeling_bort.py ADD BORT (#9813) 3 years ago
test_modeling_camembert.py Copyright (#8970) 3 years ago
test_modeling_clip.py [style] consistent nn. and nn.functional: part 3 `tests` (#12155) 2 years ago
test_modeling_common.py changed modeling_fx_utils.py to utils/fx.py for clarity (#12326) 2 years ago
test_modeling_convbert.py Add multi-class, multi-label and regression to transformers (#11012) 3 years ago
test_modeling_ctrl.py Ctrl for sequence classification (#8812) 3 years ago
test_modeling_deberta.py Fix integration slow tests (#10670) 3 years ago
test_modeling_deberta_v2.py Fix integration slow tests (#10670) 3 years ago
test_modeling_deit.py [style] consistent nn. and nn.functional: part 3 `tests` (#12155) 2 years ago
test_modeling_detr.py Add DETR (#11653) 2 years ago
test_modeling_distilbert.py A cleaner and more scalable implementation of symbolic tracing (#11763) 3 years ago
test_modeling_dpr.py Fix slow dpr test (#10059) 3 years ago
test_modeling_electra.py Experimental symbolic tracing feature with torch.fx for BERT, ELECTRA and T5 (#11475) 3 years ago
test_modeling_encoder_decoder.py EncoderDecoderConfigs should not create new objects (#11300) 3 years ago
test_modeling_flaubert.py Integration test for FlauBert (#10022) 3 years ago
test_modeling_flax_bart.py Flax T5 (#12150) 2 years ago
test_modeling_flax_bert.py Add support for multiple models for one config in auto classes (#11150) 3 years ago
test_modeling_flax_big_bird.py Flax Big Bird (#11967) 2 years ago
test_modeling_flax_clip.py [Flax] [WIP] allow loading head model with base model weights (#12255) 2 years ago
test_modeling_flax_common.py Clean push to hub API (#12187) 2 years ago
test_modeling_flax_electra.py [Flax] Add Electra models (#11426) 3 years ago
test_modeling_flax_gpt2.py Flax Generate (#11777) 2 years ago
test_modeling_flax_roberta.py [FlaxRoberta] Add FlaxRobertaModels & adapt run_mlm_flax.py (#11470) 3 years ago
test_modeling_flax_t5.py Flax T5 (#12150) 2 years ago
test_modeling_flax_vit.py Flax Big Bird (#11967) 2 years ago
test_modeling_fsmt.py [style] consistent nn. and nn.functional: part 3 `tests` (#12155) 2 years ago
test_modeling_funnel.py Pytorch - Lazy initialization of models (#11471) 3 years ago
test_modeling_gpt2.py Added Sequence Classification class in GPTNeo (#11906) 2 years ago
test_modeling_gpt_neo.py Added Sequence Classification class in GPTNeo (#11906) 2 years ago
test_modeling_hubert.py Hubert (#11889) 2 years ago
test_modeling_ibert.py [style] consistent nn. and nn.functional: part 3 `tests` (#12155) 2 years ago
test_modeling_layoutlm.py make style (#11442) 3 years ago
test_modeling_led.py Fix cross-attention head mask for Torch encoder-decoder models (#10605) 3 years ago
test_modeling_longformer.py Add multi-class, multi-label and regression to transformers (#11012) 3 years ago
test_modeling_luke.py Fix integration tests (#12066) 2 years ago
test_modeling_lxmert.py make style (#11442) 3 years ago
test_modeling_m2m_100.py Fix cross-attention head mask for Torch encoder-decoder models (#10605) 3 years ago
test_modeling_marian.py Fix cross-attention head mask for Torch encoder-decoder models (#10605) 3 years ago
test_modeling_mbart.py Replace legacy tensor.Tensor with torch.tensor/torch.empty (#12027) 2 years ago
test_modeling_megatron_bert.py A cleaner and more scalable implementation of symbolic tracing (#11763) 3 years ago
test_modeling_megatron_gpt2.py Fix megatron_gpt2 attention block's causal mask (#12007) 2 years ago
test_modeling_mobilebert.py A cleaner and more scalable implementation of symbolic tracing (#11763) 3 years ago
test_modeling_mpnet.py Add MP Net 2 (#9004) 3 years ago
test_modeling_mt5.py Copyright (#8970) 3 years ago
test_modeling_openai.py Copyright (#8970) 3 years ago
test_modeling_pegasus.py Fix cross-attention head mask for Torch encoder-decoder models (#10605) 3 years ago
test_modeling_prophetnet.py Fix usage of head masks by PT encoder-decoder models' `generate()` function (#11621) 3 years ago
test_modeling_rag.py [RAG] Fix rag from pretrained question encoder generator behavior (#11962) 2 years ago
test_modeling_reformer.py [style] consistent nn. and nn.functional: part 3 `tests` (#12155) 2 years ago
test_modeling_roberta.py Replace legacy tensor.Tensor with torch.tensor/torch.empty (#12027) 2 years ago
test_modeling_roformer.py Add new model RoFormer (use rotary position embedding ) (#11684) 3 years ago
test_modeling_speech_to_text.py Fix cross-attention head mask for Torch encoder-decoder models (#10605) 3 years ago
test_modeling_squeezebert.py Add multi-class, multi-label and regression to transformers (#11012) 3 years ago
test_modeling_t5.py Flax T5 (#12150) 2 years ago
test_modeling_tapas.py Fix tapas issue (#12063) 2 years ago
test_modeling_tf_albert.py Add support for multiple models for one config in auto classes (#11150) 3 years ago
test_modeling_tf_auto.py Add support for multiple models for one config in auto classes (#11150) 3 years ago
test_modeling_tf_bart.py TF BART models - Add `cross_attentions` to model output and fix cross-attention head masking (#10699) 3 years ago
test_modeling_tf_bert.py Add support for multiple models for one config in auto classes (#11150) 3 years ago
test_modeling_tf_blenderbot.py TF BART models - Add `cross_attentions` to model output and fix cross-attention head masking (#10699) 3 years ago
test_modeling_tf_blenderbot_small.py TF BART models - Add `cross_attentions` to model output and fix cross-attention head masking (#10699) 3 years ago
test_modeling_tf_bort.py ADD BORT (#9813) 3 years ago
test_modeling_tf_camembert.py Copyright (#8970) 3 years ago
test_modeling_tf_common.py Clean push to hub API (#12187) 2 years ago
test_modeling_tf_convbert.py ConvBERT fix torch <> tf weights conversion (#10314) 3 years ago
test_modeling_tf_ctrl.py Make TF CTRL compliant with XLA and AMP (#10209) 3 years ago
test_modeling_tf_distilbert.py Check TF ops for ONNX compliance (#10025) 3 years ago
test_modeling_tf_dpr.py Check TF ops for ONNX compliance (#10025) 3 years ago
test_modeling_tf_electra.py Check TF ops for ONNX compliance (#10025) 3 years ago
test_modeling_tf_flaubert.py Making TF XLM-like models XLA and AMP compliant (#10211) 3 years ago
test_modeling_tf_funnel.py Skip Funnel test 3 years ago
test_modeling_tf_gpt2.py Making TF GPT2 compliant with XLA and AMP (#10230) 3 years ago
test_modeling_tf_layoutlm.py Layout lm tf 2 (#10636) 3 years ago
test_modeling_tf_led.py Fix usage of head masks by TF encoder-decoder models' `generate()` function (#11775) 2 years ago
test_modeling_tf_longformer.py Making TF Longformer-like models compliant with AMP (#10233) 3 years ago
test_modeling_tf_lxmert.py Making TF Lxmert model compliant with AMP (#10257) 3 years ago
test_modeling_tf_marian.py TF BART models - Add `cross_attentions` to model output and fix cross-attention head masking (#10699) 3 years ago
test_modeling_tf_mbart.py TF BART models - Add `cross_attentions` to model output and fix cross-attention head masking (#10699) 3 years ago
test_modeling_tf_mobilebert.py Making TF MobileBert model compliant with AMP (#10259) 3 years ago
test_modeling_tf_mpnet.py Making TF MPNet model compliant with XLA (#10260) 3 years ago
test_modeling_tf_mt5.py Adjust loss difference (#10669) 3 years ago
test_modeling_tf_openai.py Making TF OpenAI GPT model compliant with AMP and XLA (#10261) 3 years ago
test_modeling_tf_pegasus.py TF BART models - Add `cross_attentions` to model output and fix cross-attention head masking (#10699) 3 years ago
test_modeling_tf_pytorch.py Optional layers (#8961) 3 years ago
test_modeling_tf_rag.py make rag tests smaller (#10679) 3 years ago
test_modeling_tf_roberta.py Check TF ops for ONNX compliance (#10025) 3 years ago
test_modeling_tf_roformer.py Add new model RoFormer (use rotary position embedding ) (#11684) 3 years ago
test_modeling_tf_t5.py ByT5 model (#11971) 2 years ago
test_modeling_tf_transfo_xl.py Making TF TransfoXL model compliant with AMP (#10264) 3 years ago
test_modeling_tf_wav2vec2.py Adding TFWav2Vec2Model (#11617) 2 years ago
test_modeling_tf_xlm.py Making TF XLM-like models XLA and AMP compliant (#10211) 3 years ago
test_modeling_tf_xlm_roberta.py Copyright (#8970) 3 years ago
test_modeling_tf_xlnet.py Check TF ops for ONNX compliance (#10025) 3 years ago
test_modeling_transfo_xl.py [style] consistent nn. and nn.functional: part 3 `tests` (#12155) 2 years ago
test_modeling_visual_bert.py VisualBERT (#10534) 2 years ago
test_modeling_vit.py [style] consistent nn. and nn.functional: part 3 `tests` (#12155) 2 years ago
test_modeling_wav2vec2.py [Wav2Vec2ForPretraining] Correct checkpoints wav2vec2 & fix tests (#12089) 2 years ago
test_modeling_xlm.py Add multi-class, multi-label and regression to transformers (#11012) 3 years ago
test_modeling_xlm_prophetnet.py Ci test tf super slow (#8007) 3 years ago
test_modeling_xlm_roberta.py Copyright (#8970) 3 years ago
test_modeling_xlnet.py Pytorch - Lazy initialization of models (#11471) 3 years ago
test_offline.py offline mode for firewalled envs (part 2) (#10569) 3 years ago
test_onnx.py Fixed: Better names for nlp variables in pipelines' tests and docs. (#11752) 3 years ago
test_optimization.py [style] consistent nn. and nn.functional: part 3 `tests` (#12155) 2 years ago
test_optimization_tf.py Use stable functions (#9369) 3 years ago
test_pipelines_automatic_speech_recognition.py Adding `AutomaticSpeechRecognitionPipeline`. (#11337) 3 years ago
test_pipelines_common.py Fixed: Better names for nlp variables in pipelines' tests and docs. (#11752) 3 years ago
test_pipelines_conversational.py [style] consistent nn. and nn.functional: part 3 `tests` (#12155) 2 years ago
test_pipelines_feature_extraction.py Copyright (#8970) 3 years ago
test_pipelines_fill_mask.py Temporarily revert the `fill-mask` improvements. 2 years ago
test_pipelines_image_classification.py Pipeline update & tests (#12207) 2 years ago
test_pipelines_question_answering.py Fixed: Better names for nlp variables in pipelines' tests and docs. (#11752) 3 years ago
test_pipelines_summarization.py [style] consistent nn. and nn.functional: part 3 `tests` (#12155) 2 years ago
test_pipelines_table_question_answering.py Fixed: Better names for nlp variables in pipelines' tests and docs. (#11752) 3 years ago
test_pipelines_text2text_generation.py Copyright (#8970) 3 years ago
test_pipelines_text_classification.py Adding pipeline task aliases. (#11247) 3 years ago
test_pipelines_text_generation.py Fixed: Better names for nlp variables in pipelines' tests and docs. (#11752) 3 years ago
test_pipelines_token_classification.py Fixed: Better names for nlp variables in pipelines' tests and docs. (#11752) 3 years ago
test_pipelines_translation.py Fixed: Better names for nlp variables in pipelines' tests and docs. (#11752) 3 years ago
test_pipelines_zero_shot.py Fixed: Better names for nlp variables in pipelines' tests and docs. (#11752) 3 years ago
test_processor_clip.py CLIP (#11445) 3 years ago
test_processor_speech_to_text.py Auto feature extractor (#11097) 3 years ago
test_processor_wav2vec2.py [PretrainedFeatureExtractor] + Wav2Vec2FeatureExtractor, Wav2Vec2Processor, Wav2Vec2Tokenizer (#10324) 3 years ago
test_retrieval_rag.py RAG-2nd2end-revamp (#11893) 2 years ago
test_sequence_feature_extraction_common.py Speech2TextTransformer (#10175) 3 years ago
test_skip_decorators.py [testing] rename skip targets + docs (#7863) 3 years ago
test_tokenization_albert.py Add regression tests for slow sentencepiece tokenizers. (#11737) 2 years ago
test_tokenization_auto.py AutoTokenizer: infer the class from the tokenizer config if possible (#12208) 2 years ago
test_tokenization_bart.py Enforce string-formatting with f-strings (#10980) 3 years ago
test_tokenization_barthez.py Add regression tests for slow sentencepiece tokenizers. (#11737) 2 years ago
test_tokenization_bert.py Enforce string-formatting with f-strings (#10980) 3 years ago
test_tokenization_bert_generation.py Feature to use the PreTrainedTokenizerFast class as a stand-alone tokenizer (#11810) 2 years ago
test_tokenization_bert_japanese.py Feature to use the PreTrainedTokenizerFast class as a stand-alone tokenizer (#11810) 2 years ago
test_tokenization_bertweet.py Feature to use the PreTrainedTokenizerFast class as a stand-alone tokenizer (#11810) 2 years ago
test_tokenization_big_bird.py Add regression tests for slow sentencepiece tokenizers. (#11737) 2 years ago
test_tokenization_blenderbot.py [PyTorch Bart] Split Bart into different models (#9343) 3 years ago
test_tokenization_byt5.py ByT5 model (#11971) 2 years ago
test_tokenization_camembert.py Add regression tests for slow sentencepiece tokenizers. (#11737) 2 years ago
test_tokenization_clip.py Feature to use the PreTrainedTokenizerFast class as a stand-alone tokenizer (#11810) 2 years ago
test_tokenization_common.py Clean push to hub API (#12187) 2 years ago
test_tokenization_cpm.py Add a special tokenizer for CPM model (#11068) 3 years ago
test_tokenization_ctrl.py Refactor `prepare_seq2seq_batch` (#9524) 3 years ago
test_tokenization_deberta.py Implement Fast Tokenization for Deberta (#11387) 3 years ago
test_tokenization_deberta_v2.py fix deberta 2 tokenizer integration test (#12017) 2 years ago
test_tokenization_distilbert.py Copyright (#8970) 3 years ago
test_tokenization_dpr.py [Dependencies|tokenizers] Make both SentencePiece and Tokenizers optional dependencies (#7659) 3 years ago
test_tokenization_fast.py Feature to use the PreTrainedTokenizerFast class as a stand-alone tokenizer (#11810) 2 years ago
test_tokenization_fsmt.py Feature to use the PreTrainedTokenizerFast class as a stand-alone tokenizer (#11810) 2 years ago
test_tokenization_funnel.py Reorganize repo (#8580) 3 years ago
test_tokenization_gpt2.py Enforce string-formatting with f-strings (#10980) 3 years ago
test_tokenization_herbert.py Reorganize repo (#8580) 3 years ago
test_tokenization_layoutlm.py make style (#11442) 3 years ago
test_tokenization_luke.py Feature to use the PreTrainedTokenizerFast class as a stand-alone tokenizer (#11810) 2 years ago
test_tokenization_lxmert.py Copyright (#8970) 3 years ago
test_tokenization_m2m_100.py Add regression tests for slow sentencepiece tokenizers. (#11737) 2 years ago
test_tokenization_marian.py Add regression tests for slow sentencepiece tokenizers. (#11737) 2 years ago
test_tokenization_mbart.py Enabling multilingual models for translation pipelines. (#10536) 3 years ago
test_tokenization_mbart50.py Add regression tests for slow sentencepiece tokenizers. (#11737) 2 years ago
test_tokenization_mpnet.py [MPNet] Add slow to fast tokenizer converter (#9233) 3 years ago
test_tokenization_openai.py Enforce string-formatting with f-strings (#10980) 3 years ago
test_tokenization_pegasus.py Add regression tests for slow sentencepiece tokenizers. (#11737) 2 years ago
test_tokenization_phobert.py Feature to use the PreTrainedTokenizerFast class as a stand-alone tokenizer (#11810) 2 years ago
test_tokenization_prophetnet.py Deprecate prepare_seq2seq_batch (#10287) 3 years ago
test_tokenization_rag.py Copyright (#8970) 3 years ago
test_tokenization_reformer.py Add regression tests for slow sentencepiece tokenizers. (#11737) 2 years ago
test_tokenization_roberta.py Enforce string-formatting with f-strings (#10980) 3 years ago
test_tokenization_roformer.py Add new model RoFormer (use rotary position embedding ) (#11684) 3 years ago
test_tokenization_small_blenderbot.py Feature to use the PreTrainedTokenizerFast class as a stand-alone tokenizer (#11810) 2 years ago
test_tokenization_speech_to_text.py Add regression tests for slow sentencepiece tokenizers. (#11737) 2 years ago
test_tokenization_squeezebert.py [Dependencies|tokenizers] Make both SentencePiece and Tokenizers optional dependencies (#7659) 3 years ago
test_tokenization_t5.py Add regression tests for slow sentencepiece tokenizers. (#11737) 2 years ago
test_tokenization_tapas.py Enforce string-formatting with f-strings (#10980) 3 years ago
test_tokenization_transfo_xl.py Refactor `prepare_seq2seq_batch` (#9524) 3 years ago
test_tokenization_utils.py Patch recursive import (#11812) 3 years ago
test_tokenization_wav2vec2.py Fix failing test on Windows Platform (#11589) 3 years ago
test_tokenization_xlm.py make style (#11442) 3 years ago
test_tokenization_xlm_prophetnet.py Add regression tests for slow sentencepiece tokenizers. (#11737) 2 years ago
test_tokenization_xlm_roberta.py Add regression tests for slow sentencepiece tokenizers. (#11737) 2 years ago
test_tokenization_xlnet.py Add regression tests for slow sentencepiece tokenizers. (#11737) 2 years ago
test_trainer.py Clean push to hub API (#12187) 2 years ago
test_trainer_callback.py fix: The 'warn' method is deprecated (#11105) 3 years ago
test_trainer_distributed.py [testing] ensure concurrent pytest workers use a unique port for torch.dist (#12166) 2 years ago
test_trainer_seq2seq.py fix bert2bert test (#10063) 3 years ago
test_trainer_tpu.py Examples reorg (#11350) 3 years ago
test_trainer_utils.py [style] consistent nn. and nn.functional: part 3 `tests` (#12155) 2 years ago
test_utils_check_copies.py Fix failing test on Windows Platform (#11589) 3 years ago
test_versions_utils.py rm require_version_examples (#12088) 2 years ago