├── LICENSE ├── README.md ├── chair.py ├── chair_eval.py ├── dataset ├── README_1_STAGE.md ├── README_2_STAGE.md ├── convert_cc_sbu.py ├── convert_laion.py ├── download_cc_sbu.sh └── download_laion.sh ├── demo_smooth_grad_threshold.py ├── environment.yml ├── eval_configs ├── instructblip_eval.yaml ├── llava-1.5_eval.yaml ├── minigpt4_eval.yaml ├── minigpt4_llama2_eval.yaml └── shikra_eval.yaml ├── minigpt4 ├── __init__.py ├── common │ ├── __init__.py │ ├── config.py │ ├── dist_utils.py │ ├── gradcam.py │ ├── logger.py │ ├── optims.py │ ├── registry.py │ └── utils.py ├── configs │ ├── datasets │ │ ├── cc_sbu │ │ │ ├── align.yaml │ │ │ └── defaults.yaml │ │ └── laion │ │ │ └── defaults.yaml │ ├── default.yaml │ └── models │ │ ├── blip2_instruct_vicuna13b.yaml │ │ ├── blip2_instruct_vicuna7b.yaml │ │ ├── llava-1.5_vicuna7b.yaml │ │ ├── minigpt4_llama2.yaml │ │ ├── minigpt4_vicuna0.yaml │ │ └── shikra_vicuna7b.yaml ├── conversation │ ├── __init__.py │ └── conversation.py ├── datasets │ ├── __init__.py │ ├── builders │ │ ├── __init__.py │ │ ├── base_dataset_builder.py │ │ └── image_text_pair_builder.py │ ├── data_utils.py │ └── datasets │ │ ├── __init__.py │ │ ├── base_dataset.py │ │ ├── caption_datasets.py │ │ ├── cc_sbu_dataset.py │ │ ├── dataloader_utils.py │ │ └── laion_dataset.py ├── models │ ├── Qformer.py │ ├── __init__.py │ ├── base_model.py │ ├── blip2.py │ ├── blip2_outputs.py │ ├── blip2_vicuna_instruct.py │ ├── eva_vit.py │ ├── llava.py │ ├── llava_arch.py │ ├── llava_llama.py │ ├── mini_gpt4.py │ ├── modeling_llama.py │ ├── modeling_llama_truncation.py │ ├── modeling_qwen_truncation.py │ ├── modeling_shikra.py │ └── shikra.py ├── processors │ ├── __init__.py │ ├── base_processor.py │ ├── blip_processors.py │ ├── clip_processors.py │ └── randaugment.py ├── runners │ ├── __init__.py │ └── runner_base.py └── tasks │ ├── __init__.py │ ├── base_task.py │ └── image_text_pretrain.py ├── pope_eval.py ├── pope_loader.py ├── requirements.txt └── transformers-4.29.2 ├── .circleci ├── TROUBLESHOOT.md ├── config.yml └── create_circleci_config.py ├── .coveragerc ├── .gitattributes ├── .github ├── ISSUE_TEMPLATE │ ├── bug-report.yml │ ├── config.yml │ ├── feature-request.yml │ ├── i18n.md │ ├── migration.yml │ └── new-model-addition.yml ├── PULL_REQUEST_TEMPLATE.md ├── conda │ ├── build.sh │ └── meta.yaml └── workflows │ ├── TROUBLESHOOT.md │ ├── add-model-like.yml │ ├── build-docker-images.yml │ ├── build-nightly-ci-docker-images.yml │ ├── build-past-ci-docker-images.yml │ ├── build_documentation.yml │ ├── build_pr_documentation.yml │ ├── check_runner_status.yml │ ├── check_tiny_models.yml │ ├── delete_doc_comment.yml │ ├── doctests.yml │ ├── model-templates.yml │ ├── release-conda.yml │ ├── self-nightly-past-ci-caller.yml │ ├── self-nightly-scheduled.yml │ ├── self-past.yml │ ├── self-push-caller.yml │ ├── self-push.yml │ ├── self-scheduled.yml │ ├── stale.yml │ └── update_metdata.yml ├── .gitignore ├── CITATION.cff ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── ISSUES.md ├── LICENSE ├── Makefile ├── README.md ├── README_es.md ├── README_hd.md ├── README_ja.md ├── README_ko.md ├── README_zh-hans.md ├── README_zh-hant.md ├── conftest.py ├── docker ├── transformers-all-latest-gpu │ └── Dockerfile ├── transformers-cpu │ └── Dockerfile ├── transformers-doc-builder │ └── Dockerfile ├── transformers-gpu │ └── Dockerfile ├── transformers-past-gpu │ └── Dockerfile ├── transformers-pytorch-cpu │ └── Dockerfile ├── transformers-pytorch-deepspeed-latest-gpu │ └── Dockerfile ├── transformers-pytorch-deepspeed-nightly-gpu │ └── Dockerfile ├── transformers-pytorch-gpu │ └── Dockerfile ├── transformers-pytorch-tpu │ ├── Dockerfile │ ├── bert-base-cased.jsonnet │ ├── dataset.yaml │ └── docker-entrypoint.sh ├── transformers-tensorflow-cpu │ └── Dockerfile └── transformers-tensorflow-gpu │ └── Dockerfile ├── docs ├── README.md ├── TRANSLATING.md └── source │ ├── _config.py │ ├── de │ ├── _config.py │ ├── _toctree.yml │ ├── accelerate.mdx │ ├── autoclass_tutorial.mdx │ ├── index.mdx │ ├── installation.mdx │ ├── model_sharing.mdx │ ├── pipeline_tutorial.mdx │ ├── preprocessing.mdx │ ├── quicktour.mdx │ └── training.mdx │ ├── en │ ├── _config.py │ ├── _toctree.yml │ ├── accelerate.mdx │ ├── add_new_model.mdx │ ├── add_new_pipeline.mdx │ ├── add_tensorflow_model.mdx │ ├── attention.mdx │ ├── autoclass_tutorial.mdx │ ├── benchmarks.mdx │ ├── bertology.mdx │ ├── big_models.mdx │ ├── community.mdx │ ├── contributing.md │ ├── create_a_model.mdx │ ├── custom_models.mdx │ ├── custom_tools.mdx │ ├── debugging.mdx │ ├── fast_tokenizers.mdx │ ├── generation_strategies.mdx │ ├── glossary.mdx │ ├── hpo_train.mdx │ ├── index.mdx │ ├── installation.mdx │ ├── internal │ │ ├── audio_utils.mdx │ │ ├── file_utils.mdx │ │ ├── generation_utils.mdx │ │ ├── image_processing_utils.mdx │ │ ├── modeling_utils.mdx │ │ ├── pipelines_utils.mdx │ │ ├── time_series_utils.mdx │ │ ├── tokenization_utils.mdx │ │ └── trainer_utils.mdx │ ├── main_classes │ │ ├── agent.mdx │ │ ├── callback.mdx │ │ ├── configuration.mdx │ │ ├── data_collator.mdx │ │ ├── deepspeed.mdx │ │ ├── feature_extractor.mdx │ │ ├── image_processor.mdx │ │ ├── keras_callbacks.mdx │ │ ├── logging.mdx │ │ ├── model.mdx │ │ ├── onnx.mdx │ │ ├── optimizer_schedules.mdx │ │ ├── output.mdx │ │ ├── pipelines.mdx │ │ ├── processors.mdx │ │ ├── quantization.mdx │ │ ├── text_generation.mdx │ │ ├── tokenizer.mdx │ │ └── trainer.mdx │ ├── model_doc │ │ ├── albert.mdx │ │ ├── align.mdx │ │ ├── altclip.mdx │ │ ├── audio-spectrogram-transformer.mdx │ │ ├── auto.mdx │ │ ├── bart.mdx │ │ ├── barthez.mdx │ │ ├── bartpho.mdx │ │ ├── beit.mdx │ │ ├── bert-generation.mdx │ │ ├── bert-japanese.mdx │ │ ├── bert.mdx │ │ ├── bertweet.mdx │ │ ├── big_bird.mdx │ │ ├── bigbird_pegasus.mdx │ │ ├── biogpt.mdx │ │ ├── bit.mdx │ │ ├── blenderbot-small.mdx │ │ ├── blenderbot.mdx │ │ ├── blip-2.mdx │ │ ├── blip.mdx │ │ ├── bloom.mdx │ │ ├── bort.mdx │ │ ├── bridgetower.mdx │ │ ├── byt5.mdx │ │ ├── camembert.mdx │ │ ├── canine.mdx │ │ ├── chinese_clip.mdx │ │ ├── clap.mdx │ │ ├── clip.mdx │ │ ├── clipseg.mdx │ │ ├── codegen.mdx │ │ ├── conditional_detr.mdx │ │ ├── convbert.mdx │ │ ├── convnext.mdx │ │ ├── convnextv2.mdx │ │ ├── cpm.mdx │ │ ├── cpmant.mdx │ │ ├── ctrl.mdx │ │ ├── cvt.mdx │ │ ├── data2vec.mdx │ │ ├── deberta-v2.mdx │ │ ├── deberta.mdx │ │ ├── decision_transformer.mdx │ │ ├── deformable_detr.mdx │ │ ├── deit.mdx │ │ ├── deplot.mdx │ │ ├── deta.mdx │ │ ├── detr.mdx │ │ ├── dialogpt.mdx │ │ ├── dinat.mdx │ │ ├── distilbert.mdx │ │ ├── dit.mdx │ │ ├── donut.mdx │ │ ├── dpr.mdx │ │ ├── dpt.mdx │ │ ├── efficientformer.mdx │ │ ├── efficientnet.mdx │ │ ├── electra.mdx │ │ ├── encoder-decoder.mdx │ │ ├── ernie.mdx │ │ ├── ernie_m.mdx │ │ ├── esm.mdx │ │ ├── flan-t5.mdx │ │ ├── flan-ul2.mdx │ │ ├── flaubert.mdx │ │ ├── flava.mdx │ │ ├── fnet.mdx │ │ ├── focalnet.mdx │ │ ├── fsmt.mdx │ │ ├── funnel.mdx │ │ ├── git.mdx │ │ ├── glpn.mdx │ │ ├── gpt-sw3.mdx │ │ ├── gpt2.mdx │ │ ├── gpt_bigcode.mdx │ │ ├── gpt_neo.mdx │ │ ├── gpt_neox.mdx │ │ ├── gpt_neox_japanese.mdx │ │ ├── gptj.mdx │ │ ├── gptsan-japanese.mdx │ │ ├── graphormer.mdx │ │ ├── groupvit.mdx │ │ ├── herbert.mdx │ │ ├── hubert.mdx │ │ ├── ibert.mdx │ │ ├── imagegpt.mdx │ │ ├── informer.mdx │ │ ├── jukebox.mdx │ │ ├── layoutlm.mdx │ │ ├── layoutlmv2.mdx │ │ ├── layoutlmv3.mdx │ │ ├── layoutxlm.mdx │ │ ├── led.mdx │ │ ├── levit.mdx │ │ ├── lilt.mdx │ │ ├── llama.mdx │ │ ├── longformer.mdx │ │ ├── longt5.mdx │ │ ├── luke.mdx │ │ ├── lxmert.mdx │ │ ├── m2m_100.mdx │ │ ├── marian.mdx │ │ ├── markuplm.mdx │ │ ├── mask2former.mdx │ │ ├── maskformer.mdx │ │ ├── matcha.mdx │ │ ├── mbart.mdx │ │ ├── mctct.mdx │ │ ├── mega.mdx │ │ ├── megatron-bert.mdx │ │ ├── megatron_gpt2.mdx │ │ ├── mgp-str.mdx │ │ ├── mluke.mdx │ │ ├── mobilebert.mdx │ │ ├── mobilenet_v1.mdx │ │ ├── mobilenet_v2.mdx │ │ ├── mobilevit.mdx │ │ ├── mpnet.mdx │ │ ├── mt5.mdx │ │ ├── mvp.mdx │ │ ├── nat.mdx │ │ ├── nezha.mdx │ │ ├── nllb-moe.mdx │ │ ├── nllb.mdx │ │ ├── nystromformer.mdx │ │ ├── oneformer.mdx │ │ ├── open-llama.mdx │ │ ├── openai-gpt.mdx │ │ ├── opt.mdx │ │ ├── owlvit.mdx │ │ ├── pegasus.mdx │ │ ├── pegasus_x.mdx │ │ ├── perceiver.mdx │ │ ├── phobert.mdx │ │ ├── pix2struct.mdx │ │ ├── plbart.mdx │ │ ├── poolformer.mdx │ │ ├── prophetnet.mdx │ │ ├── qdqbert.mdx │ │ ├── rag.mdx │ │ ├── realm.mdx │ │ ├── reformer.mdx │ │ ├── regnet.mdx │ │ ├── rembert.mdx │ │ ├── resnet.mdx │ │ ├── retribert.mdx │ │ ├── roberta-prelayernorm.mdx │ │ ├── roberta.mdx │ │ ├── roc_bert.mdx │ │ ├── roformer.mdx │ │ ├── rwkv.mdx │ │ ├── sam.mdx │ │ ├── segformer.mdx │ │ ├── sew-d.mdx │ │ ├── sew.mdx │ │ ├── speech-encoder-decoder.mdx │ │ ├── speech_to_text.mdx │ │ ├── speech_to_text_2.mdx │ │ ├── speecht5.mdx │ │ ├── splinter.mdx │ │ ├── squeezebert.mdx │ │ ├── swin.mdx │ │ ├── swin2sr.mdx │ │ ├── swinv2.mdx │ │ ├── switch_transformers.mdx │ │ ├── t5.mdx │ │ ├── t5v1.1.mdx │ │ ├── table-transformer.mdx │ │ ├── tapas.mdx │ │ ├── tapex.mdx │ │ ├── time_series_transformer.mdx │ │ ├── timesformer.mdx │ │ ├── trajectory_transformer.mdx │ │ ├── transfo-xl.mdx │ │ ├── trocr.mdx │ │ ├── tvlt.mdx │ │ ├── ul2.mdx │ │ ├── unispeech-sat.mdx │ │ ├── unispeech.mdx │ │ ├── upernet.mdx │ │ ├── van.mdx │ │ ├── videomae.mdx │ │ ├── vilt.mdx │ │ ├── vision-encoder-decoder.mdx │ │ ├── vision-text-dual-encoder.mdx │ │ ├── visual_bert.mdx │ │ ├── vit.mdx │ │ ├── vit_hybrid.mdx │ │ ├── vit_mae.mdx │ │ ├── vit_msn.mdx │ │ ├── wav2vec2-conformer.mdx │ │ ├── wav2vec2.mdx │ │ ├── wav2vec2_phoneme.mdx │ │ ├── wavlm.mdx │ │ ├── whisper.mdx │ │ ├── xclip.mdx │ │ ├── xglm.mdx │ │ ├── xlm-prophetnet.mdx │ │ ├── xlm-roberta-xl.mdx │ │ ├── xlm-roberta.mdx │ │ ├── xlm-v.mdx │ │ ├── xlm.mdx │ │ ├── xlnet.mdx │ │ ├── xls_r.mdx │ │ ├── xlsr_wav2vec2.mdx │ │ ├── xmod.mdx │ │ ├── yolos.mdx │ │ └── yoso.mdx │ ├── model_sharing.mdx │ ├── model_summary.mdx │ ├── multilingual.mdx │ ├── notebooks.md │ ├── pad_truncation.mdx │ ├── perf_hardware.mdx │ ├── perf_infer_cpu.mdx │ ├── perf_infer_gpu_many.mdx │ ├── perf_infer_gpu_one.mdx │ ├── perf_infer_special.mdx │ ├── perf_train_cpu.mdx │ ├── perf_train_cpu_many.mdx │ ├── perf_train_gpu_many.mdx │ ├── perf_train_gpu_one.mdx │ ├── perf_train_special.mdx │ ├── perf_train_tpu.mdx │ ├── perf_train_tpu_tf.mdx │ ├── performance.mdx │ ├── perplexity.mdx │ ├── philosophy.mdx │ ├── pipeline_tutorial.mdx │ ├── pipeline_webserver.mdx │ ├── pr_checks.mdx │ ├── preprocessing.mdx │ ├── quicktour.mdx │ ├── run_scripts.mdx │ ├── sagemaker.mdx │ ├── serialization.mdx │ ├── task_summary.mdx │ ├── tasks │ │ ├── asr.mdx │ │ ├── audio_classification.mdx │ │ ├── document_question_answering.mdx │ │ ├── image_captioning.mdx │ │ ├── image_classification.mdx │ │ ├── language_modeling.mdx │ │ ├── masked_language_modeling.mdx │ │ ├── monocular_depth_estimation.mdx │ │ ├── multiple_choice.mdx │ │ ├── object_detection.mdx │ │ ├── question_answering.mdx │ │ ├── semantic_segmentation.mdx │ │ ├── sequence_classification.mdx │ │ ├── summarization.mdx │ │ ├── text-to-speech.mdx │ │ ├── token_classification.mdx │ │ ├── translation.mdx │ │ ├── video_classification.mdx │ │ ├── zero_shot_image_classification.mdx │ │ └── zero_shot_object_detection.mdx │ ├── tasks_explained.mdx │ ├── testing.mdx │ ├── tf_xla.mdx │ ├── tokenizer_summary.mdx │ ├── torchscript.mdx │ ├── training.mdx │ ├── transformers_agents.mdx │ └── troubleshooting.mdx │ ├── es │ ├── _config.py │ ├── _toctree.yml │ ├── accelerate.mdx │ ├── add_new_pipeline.mdx │ ├── autoclass_tutorial.mdx │ ├── bertology.mdx │ ├── community.mdx │ ├── converting_tensorflow_models.mdx │ ├── create_a_model.mdx │ ├── custom_models.mdx │ ├── debugging.mdx │ ├── fast_tokenizers.mdx │ ├── index.mdx │ ├── installation.mdx │ ├── model_sharing.mdx │ ├── multilingual.mdx │ ├── philosophy.mdx │ ├── pipeline_tutorial.mdx │ ├── pr_checks.mdx │ ├── preprocessing.mdx │ ├── quicktour.mdx │ ├── run_scripts.mdx │ ├── sagemaker.mdx │ ├── serialization.mdx │ ├── tasks │ │ ├── asr.mdx │ │ ├── image_classification.mdx │ │ ├── language_modeling.mdx │ │ ├── multiple_choice.mdx │ │ ├── question_answering.mdx │ │ └── summarization.mdx │ └── training.mdx │ ├── fr │ ├── _config.py │ ├── _toctree.yml │ ├── in_translation.mdx │ ├── index.mdx │ └── quicktour.mdx │ ├── it │ ├── _config.py │ ├── _toctree.yml │ ├── accelerate.mdx │ ├── add_new_model.mdx │ ├── add_new_pipeline.mdx │ ├── autoclass_tutorial.mdx │ ├── big_models.mdx │ ├── community.mdx │ ├── converting_tensorflow_models.mdx │ ├── create_a_model.mdx │ ├── custom_models.mdx │ ├── debugging.mdx │ ├── index.mdx │ ├── installation.mdx │ ├── migration.mdx │ ├── model_sharing.mdx │ ├── multilingual.mdx │ ├── perf_hardware.mdx │ ├── perf_infer_cpu.mdx │ ├── perf_infer_gpu_many.mdx │ ├── perf_infer_gpu_one.mdx │ ├── perf_infer_special.mdx │ ├── perf_train_cpu.mdx │ ├── perf_train_cpu_many.mdx │ ├── perf_train_special.mdx │ ├── perf_train_tpu.mdx │ ├── pipeline_tutorial.mdx │ ├── pr_checks.mdx │ ├── preprocessing.mdx │ ├── quicktour.mdx │ ├── run_scripts.mdx │ ├── serialization.mdx │ └── training.mdx │ ├── ja │ ├── _toctree.yml │ ├── accelerate.mdx │ ├── index.mdx │ ├── installation.mdx │ └── multilingual.mdx │ ├── ko │ ├── _config.py │ ├── _toctree.yml │ ├── accelerate.mdx │ ├── autoclass_tutorial.mdx │ ├── create_a_model.mdx │ ├── custom_models.mdx │ ├── in_translation.mdx │ ├── index.mdx │ ├── installation.mdx │ ├── model_sharing.mdx │ ├── multilingual.mdx │ ├── pipeline_tutorial.mdx │ ├── preprocessing.mdx │ ├── quicktour.mdx │ ├── run_scripts.mdx │ ├── sagemaker.mdx │ ├── serialization.mdx │ ├── tasks │ │ ├── image_captioning.mdx │ │ ├── image_classification.mdx │ │ ├── masked_language_modeling.mdx │ │ ├── multiple_choice.mdx │ │ ├── question_answering.mdx │ │ ├── sequence_classification.mdx │ │ ├── summarization.mdx │ │ ├── token_classification.mdx │ │ ├── translation.mdx │ │ └── zero_shot_image_classification.mdx │ ├── torchscript.mdx │ └── training.mdx │ ├── pt │ ├── _config.py │ ├── _toctree.yml │ ├── accelerate.mdx │ ├── converting_tensorflow_models.mdx │ ├── create_a_model.mdx │ ├── custom_models.mdx │ ├── fast_tokenizers.mdx │ ├── index.mdx │ ├── installation.mdx │ ├── multilingual.mdx │ ├── pipeline_tutorial.mdx │ ├── quicktour.mdx │ ├── run_scripts.mdx │ ├── serialization.mdx │ ├── tasks │ │ ├── sequence_classification.mdx │ │ └── token_classification.mdx │ └── training.mdx │ └── zh │ ├── _toctree.yml │ ├── index.mdx │ └── quicktour.mdx ├── examples ├── README.md ├── flax │ ├── README.md │ ├── _tests_requirements.txt │ ├── conftest.py │ ├── image-captioning │ │ ├── README.md │ │ ├── create_model_from_encoder_decoder_models.py │ │ └── run_image_captioning_flax.py │ ├── language-modeling │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_bart_dlm_flax.py │ │ ├── run_clm_flax.py │ │ ├── run_mlm_flax.py │ │ ├── run_t5_mlm_flax.py │ │ └── t5_tokenizer_model.py │ ├── question-answering │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_qa.py │ │ └── utils_qa.py │ ├── summarization │ │ ├── README.md │ │ ├── requirements.txt │ │ └── run_summarization_flax.py │ ├── test_flax_examples.py │ ├── text-classification │ │ ├── README.md │ │ ├── requirements.txt │ │ └── run_flax_glue.py │ ├── token-classification │ │ ├── README.md │ │ ├── requirements.txt │ │ └── run_flax_ner.py │ └── vision │ │ ├── README.md │ │ ├── requirements.txt │ │ └── run_image_classification.py ├── legacy │ ├── README.md │ ├── multiple_choice │ │ ├── run_multiple_choice.py │ │ └── utils_multiple_choice.py │ ├── pytorch-lightning │ │ ├── lightning_base.py │ │ ├── requirements.txt │ │ ├── run_glue.py │ │ ├── run_glue.sh │ │ ├── run_ner.py │ │ ├── run_ner.sh │ │ └── run_pos.sh │ ├── question-answering │ │ ├── README.md │ │ ├── run_squad.py │ │ └── run_squad_trainer.py │ ├── run_camembert.py │ ├── run_chinese_ref.py │ ├── run_language_modeling.py │ ├── run_openai_gpt.py │ ├── run_swag.py │ ├── run_transfo_xl.py │ ├── seq2seq │ │ ├── README.md │ │ ├── __init__.py │ │ ├── convert_model_to_fp16.py │ │ ├── download_wmt.py │ │ ├── finetune.sh │ │ ├── finetune_tpu.sh │ │ ├── finetune_trainer.py │ │ ├── minify_dataset.py │ │ ├── old_test_calculate_rouge.py │ │ ├── old_test_datasets.py │ │ ├── old_test_fsmt_bleu_score.py │ │ ├── old_test_seq2seq_examples.py │ │ ├── old_test_seq2seq_examples_multi_gpu.py │ │ ├── old_test_tatoeba_conversion.py │ │ ├── pack_dataset.py │ │ ├── requirements.txt │ │ ├── romanian_postprocessing.md │ │ ├── rouge_cli.py │ │ ├── run_distributed_eval.py │ │ ├── run_eval.py │ │ ├── run_eval_search.py │ │ ├── save_len_file.py │ │ ├── save_randomly_initialized_model.py │ │ ├── sentence_splitter.py │ │ ├── seq2seq_trainer.py │ │ ├── seq2seq_training_args.py │ │ ├── test_data │ │ │ ├── fsmt │ │ │ │ ├── build-eval-data.py │ │ │ │ └── fsmt_val_data.json │ │ │ └── wmt_en_ro │ │ │ │ ├── test.source │ │ │ │ ├── test.target │ │ │ │ ├── train.len │ │ │ │ ├── train.source │ │ │ │ ├── train.target │ │ │ │ ├── val.len │ │ │ │ ├── val.source │ │ │ │ └── val.target │ │ ├── train_distil_marian_enro.sh │ │ ├── train_distil_marian_enro_tpu.sh │ │ ├── train_distilbart_cnn.sh │ │ ├── train_mbart_cc25_enro.sh │ │ ├── utils.py │ │ └── xla_spawn.py │ ├── text-classification │ │ └── run_tf_text_classification.py │ └── token-classification │ │ ├── README.md │ │ ├── run.sh │ │ ├── run_chunk.sh │ │ ├── run_ner.py │ │ ├── run_pos.sh │ │ ├── run_tf_ner.py │ │ ├── scripts │ │ └── preprocess.py │ │ ├── tasks.py │ │ └── utils_ner.py ├── pytorch │ ├── README.md │ ├── _tests_requirements.txt │ ├── audio-classification │ │ ├── README.md │ │ ├── requirements.txt │ │ └── run_audio_classification.py │ ├── benchmarking │ │ ├── README.md │ │ ├── plot_csv_file.py │ │ ├── requirements.txt │ │ └── run_benchmark.py │ ├── conftest.py │ ├── contrastive-image-text │ │ ├── README.md │ │ ├── requirements.txt │ │ └── run_clip.py │ ├── image-classification │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_image_classification.py │ │ └── run_image_classification_no_trainer.py │ ├── image-pretraining │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_mae.py │ │ ├── run_mim.py │ │ └── run_mim_no_trainer.py │ ├── language-modeling │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_clm.py │ │ ├── run_clm_no_trainer.py │ │ ├── run_mlm.py │ │ ├── run_mlm_no_trainer.py │ │ └── run_plm.py │ ├── multiple-choice │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_no_trainer.sh │ │ ├── run_swag.py │ │ └── run_swag_no_trainer.py │ ├── question-answering │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_qa.py │ │ ├── run_qa_beam_search.py │ │ ├── run_qa_beam_search_no_trainer.py │ │ ├── run_qa_no_trainer.py │ │ ├── run_seq2seq_qa.py │ │ ├── trainer_qa.py │ │ ├── trainer_seq2seq_qa.py │ │ └── utils_qa.py │ ├── semantic-segmentation │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_semantic_segmentation.py │ │ └── run_semantic_segmentation_no_trainer.py │ ├── speech-pretraining │ │ ├── README.md │ │ ├── requirements.txt │ │ └── run_wav2vec2_pretraining_no_trainer.py │ ├── speech-recognition │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_speech_recognition_ctc.py │ │ └── run_speech_recognition_seq2seq.py │ ├── summarization │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_summarization.py │ │ └── run_summarization_no_trainer.py │ ├── test_accelerate_examples.py │ ├── test_pytorch_examples.py │ ├── test_xla_examples.py │ ├── text-classification │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_glue.py │ │ ├── run_glue_no_trainer.py │ │ └── run_xnli.py │ ├── text-generation │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_generation.py │ │ └── run_generation_contrastive_search.py │ ├── token-classification │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run.sh │ │ ├── run_ner.py │ │ ├── run_ner_no_trainer.py │ │ └── run_no_trainer.sh │ ├── translation │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_translation.py │ │ └── run_translation_no_trainer.py │ └── xla_spawn.py ├── research_projects │ ├── README.md │ ├── adversarial │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_hans.py │ │ └── utils_hans.py │ ├── bert-loses-patience │ │ ├── README.md │ │ ├── pabee │ │ │ ├── __init__.py │ │ │ ├── modeling_pabee_albert.py │ │ │ └── modeling_pabee_bert.py │ │ ├── requirements.txt │ │ ├── run_glue_with_pabee.py │ │ └── test_run_glue_with_pabee.py │ ├── bertabs │ │ ├── README.md │ │ ├── __init__.py │ │ ├── configuration_bertabs.py │ │ ├── convert_bertabs_original_pytorch_checkpoint.py │ │ ├── modeling_bertabs.py │ │ ├── requirements.txt │ │ ├── run_summarization.py │ │ ├── test_utils_summarization.py │ │ └── utils_summarization.py │ ├── bertology │ │ ├── requirements.txt │ │ ├── run_bertology.py │ │ └── run_prune_gpt.py │ ├── codeparrot │ │ ├── README.md │ │ ├── examples │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ └── train_complexity_predictor.py │ │ ├── requirements.txt │ │ └── scripts │ │ │ ├── arguments.py │ │ │ ├── bpe_training.py │ │ │ ├── codeparrot_training.py │ │ │ ├── human_eval.py │ │ │ ├── initialize_model.py │ │ │ ├── minhash_deduplication.py │ │ │ ├── preprocessing.py │ │ │ ├── pretokenizing.py │ │ │ ├── tests │ │ │ ├── __init__.py │ │ │ └── test_deduplicate.py │ │ │ └── validation_loss.py │ ├── decision_transformer │ │ ├── requirements.txt │ │ └── run_decision_transformer.py │ ├── deebert │ │ ├── README.md │ │ ├── entropy_eval.sh │ │ ├── eval_deebert.sh │ │ ├── requirements.txt │ │ ├── run_glue_deebert.py │ │ ├── src │ │ │ ├── __init__.py │ │ │ ├── modeling_highway_bert.py │ │ │ └── modeling_highway_roberta.py │ │ ├── test_glue_deebert.py │ │ └── train_deebert.sh │ ├── distillation │ │ ├── README.md │ │ ├── distiller.py │ │ ├── grouped_batch_sampler.py │ │ ├── lm_seqs_dataset.py │ │ ├── requirements.txt │ │ ├── run_squad_w_distillation.py │ │ ├── scripts │ │ │ ├── binarized_data.py │ │ │ ├── extract.py │ │ │ ├── extract_distilbert.py │ │ │ └── token_counts.py │ │ ├── train.py │ │ ├── training_configs │ │ │ ├── distilbert-base-cased.json │ │ │ ├── distilbert-base-multilingual-cased.json │ │ │ ├── distilbert-base-uncased.json │ │ │ ├── distilgpt2.json │ │ │ └── distilroberta-base.json │ │ └── utils.py │ ├── fsner │ │ ├── README.md │ │ ├── pyproject.toml │ │ ├── requirements.txt │ │ ├── setup.py │ │ └── src │ │ │ └── fsner │ │ │ ├── __init__.py │ │ │ ├── model.py │ │ │ └── tokenizer_utils.py │ ├── information-gain-filtration │ │ ├── README.md │ │ ├── igf │ │ │ ├── __init__.py │ │ │ └── igf.py │ │ ├── requirements.txt │ │ ├── result_igf.png │ │ └── run_clm_igf.py │ ├── jax-projects │ │ ├── HOW_TO_PROPOSE_PROJECT.md │ │ ├── README.md │ │ ├── big_bird │ │ │ ├── README.md │ │ │ ├── bigbird_flax.py │ │ │ ├── evaluate.py │ │ │ ├── prepare_natural_questions.py │ │ │ ├── requirements.txt │ │ │ ├── sweep_flax.yaml │ │ │ └── train.py │ │ ├── dataset-streaming │ │ │ ├── README.md │ │ │ └── run_mlm_flax_stream.py │ │ ├── hybrid_clip │ │ │ ├── README.md │ │ │ ├── configuration_hybrid_clip.py │ │ │ ├── modeling_hybrid_clip.py │ │ │ ├── requirements.txt │ │ │ └── run_hybrid_clip.py │ │ ├── model_parallel │ │ │ ├── README.md │ │ │ ├── partitions.py │ │ │ └── run_clm_mp.py │ │ └── wav2vec2 │ │ │ ├── README.md │ │ │ └── run_wav2vec2_pretrain_flax.py │ ├── layoutlmv3 │ │ ├── README.md │ │ ├── requirements.txt │ │ └── run_funsd_cord.py │ ├── longform-qa │ │ ├── README.md │ │ ├── eli5_app.py │ │ ├── eli5_utils.py │ │ └── requirements.txt │ ├── luke │ │ ├── README.md │ │ ├── luke_utils.py │ │ └── run_luke_ner_no_trainer.py │ ├── lxmert │ │ ├── README.md │ │ ├── demo.ipynb │ │ ├── extracting_data.py │ │ ├── modeling_frcnn.py │ │ ├── processing_image.py │ │ ├── requirements.txt │ │ ├── utils.py │ │ └── visualizing_image.py │ ├── mlm_wwm │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_chinese_ref.py │ │ └── run_mlm_wwm.py │ ├── mm-imdb │ │ ├── README.md │ │ ├── run_mmimdb.py │ │ └── utils_mmimdb.py │ ├── movement-pruning │ │ ├── README.md │ │ ├── Saving_PruneBERT.ipynb │ │ ├── bertarize.py │ │ ├── counts_parameters.py │ │ ├── emmental │ │ │ ├── __init__.py │ │ │ ├── configuration_bert_masked.py │ │ │ ├── modeling_bert_masked.py │ │ │ └── modules │ │ │ │ ├── __init__.py │ │ │ │ ├── binarizer.py │ │ │ │ └── masked_nn.py │ │ ├── masked_run_glue.py │ │ ├── masked_run_squad.py │ │ └── requirements.txt │ ├── onnx │ │ └── summarization │ │ │ ├── README.md │ │ │ ├── bart_onnx │ │ │ ├── generation_onnx.py │ │ │ └── reduce_onnx_size.py │ │ │ ├── requirements.txt │ │ │ └── run_onnx_exporter.py │ ├── performer │ │ ├── README.md │ │ ├── full_script.sh │ │ ├── modeling_flax_performer.py │ │ ├── modeling_flax_performer_utils.py │ │ ├── run_mlm_performer.py │ │ └── sanity_script.sh │ ├── pplm │ │ ├── README.md │ │ ├── imgs │ │ │ ├── headfigure.png │ │ │ └── wooly.png │ │ ├── pplm_classification_head.py │ │ ├── requirements.txt │ │ ├── run_pplm.py │ │ └── run_pplm_discrim_train.py │ ├── quantization-qdqbert │ │ ├── Dockerfile │ │ ├── README.md │ │ ├── evaluate-hf-trt-qa.py │ │ ├── ort-infer-benchmark.py │ │ ├── quant_trainer.py │ │ ├── run_quant_qa.py │ │ ├── trainer_quant_qa.py │ │ └── utils_qa.py │ ├── rag-end2end-retriever │ │ ├── README.md │ │ ├── callbacks_rag.py │ │ ├── distributed_ray_retriever.py │ │ ├── eval_rag.py │ │ ├── finetune_rag.py │ │ ├── finetune_rag_ray_end2end.sh │ │ ├── kb_encode_utils.py │ │ ├── lightning_base.py │ │ ├── requirements.txt │ │ ├── test_run │ │ │ ├── dummy-kb │ │ │ │ └── my_knowledge_dataset.csv │ │ │ ├── dummy-train-data │ │ │ │ ├── test.source │ │ │ │ ├── test.target │ │ │ │ ├── train.source │ │ │ │ ├── train.target │ │ │ │ ├── val.source │ │ │ │ └── val.target │ │ │ ├── test_finetune.sh │ │ │ └── test_rag_new_features.sh │ │ ├── use_own_knowledge_dataset.py │ │ └── utils_rag.py │ ├── rag │ │ ├── README.md │ │ ├── __init__.py │ │ ├── _test_finetune_rag.py │ │ ├── callbacks_rag.py │ │ ├── consolidate_rag_checkpoint.py │ │ ├── distributed_pytorch_retriever.py │ │ ├── distributed_ray_retriever.py │ │ ├── eval_rag.py │ │ ├── finetune_rag.py │ │ ├── finetune_rag.sh │ │ ├── finetune_rag_ray.sh │ │ ├── lightning_base.py │ │ ├── parse_dpr_relevance_data.py │ │ ├── requirements.txt │ │ ├── test_data │ │ │ └── my_knowledge_dataset.csv │ │ ├── test_distributed_retriever.py │ │ ├── use_own_knowledge_dataset.py │ │ └── utils_rag.py │ ├── robust-speech-event │ │ ├── README.md │ │ ├── eval.py │ │ ├── run_speech_recognition_ctc_bnb.py │ │ └── run_speech_recognition_ctc_streaming.py │ ├── self-training-text-classification │ │ ├── README.md │ │ ├── finetuning.py │ │ ├── requirements.txt │ │ ├── run.sh │ │ └── selftraining.py │ ├── seq2seq-distillation │ │ ├── README.md │ │ ├── _test_bash_script.py │ │ ├── _test_make_student.py │ │ ├── _test_seq2seq_examples.py │ │ ├── _test_seq2seq_examples_multi_gpu.py │ │ ├── callbacks.py │ │ ├── convert_pl_checkpoint_to_hf.py │ │ ├── distil_marian_enro_teacher.sh │ │ ├── distil_marian_no_teacher.sh │ │ ├── distillation.py │ │ ├── dynamic_bs_example.sh │ │ ├── finetune.py │ │ ├── finetune.sh │ │ ├── finetune_bart_tiny.sh │ │ ├── finetune_pegasus_xsum.sh │ │ ├── finetune_t5.sh │ │ ├── lightning_base.py │ │ ├── make_student.py │ │ ├── precomputed_pseudo_labels.md │ │ ├── requirements.txt │ │ ├── run_eval.py │ │ ├── sentence_splitter.py │ │ ├── train_distilbart_cnn.sh │ │ ├── train_distilbart_xsum.sh │ │ ├── train_mbart_cc25_enro.sh │ │ └── utils.py │ ├── tapex │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_tabfact_with_tapex.py │ │ ├── run_wikisql_with_tapex.py │ │ ├── run_wikitablequestions_with_tapex.py │ │ └── wikisql_utils.py │ ├── visual_bert │ │ ├── README.md │ │ ├── demo.ipynb │ │ ├── extracting_data.py │ │ ├── modeling_frcnn.py │ │ ├── processing_image.py │ │ ├── requirements.txt │ │ ├── utils.py │ │ └── visualizing_image.py │ ├── vqgan-clip │ │ ├── README.md │ │ ├── VQGAN_CLIP.py │ │ ├── img_processing.py │ │ ├── loaders.py │ │ ├── requirements.txt │ │ └── utils.py │ ├── wav2vec2 │ │ ├── FINE_TUNE_XLSR_WAV2VEC2.md │ │ ├── README.md │ │ ├── alignment.py │ │ ├── ds_config_wav2vec2_zero2.json │ │ ├── ds_config_wav2vec2_zero3.json │ │ ├── finetune_base_100.sh │ │ ├── finetune_base_timit_asr.sh │ │ ├── finetune_large_lv60_100.sh │ │ ├── finetune_large_lv60_timit_asr.sh │ │ ├── finetune_large_xlsr_53_arabic_speech_corpus.sh │ │ ├── finetune_wav2vec2_xlsr_turkish.sh │ │ ├── requirements.txt │ │ ├── run_alignment.sh │ │ ├── run_asr.py │ │ ├── run_common_voice.py │ │ ├── run_pretrain.py │ │ ├── test_wav2vec2_deepspeed.py │ │ └── vocab │ │ │ └── buckwalter.json │ ├── xtreme-s │ │ ├── README.md │ │ ├── requirements.txt │ │ └── run_xtreme_s.py │ └── zero-shot-distillation │ │ ├── README.md │ │ └── distill_classifier.py ├── run_on_remote.py └── tensorflow │ ├── README.md │ ├── _tests_requirements.txt │ ├── benchmarking │ ├── README.md │ ├── plot_csv_file.py │ ├── requirements.txt │ └── run_benchmark_tf.py │ ├── contrastive-image-text │ ├── README.md │ ├── requirements.txt │ └── run_clip.py │ ├── image-classification │ ├── README.md │ ├── requirements.txt │ └── run_image_classification.py │ ├── language-modeling-tpu │ ├── README.md │ ├── prepare_tfrecord_shards.py │ ├── requirements.txt │ ├── run_mlm.py │ └── train_unigram.py │ ├── language-modeling │ ├── README.md │ ├── requirements.txt │ ├── run_clm.py │ └── run_mlm.py │ ├── multiple-choice │ ├── README.md │ ├── requirements.txt │ └── run_swag.py │ ├── question-answering │ ├── README.md │ ├── requirements.txt │ ├── run_qa.py │ └── utils_qa.py │ ├── summarization │ ├── README.md │ ├── requirements.txt │ └── run_summarization.py │ ├── test_tensorflow_examples.py │ ├── text-classification │ ├── README.md │ ├── requirements.txt │ ├── run_glue.py │ └── run_text_classification.py │ ├── token-classification │ ├── README.md │ ├── requirements.txt │ └── run_ner.py │ └── translation │ ├── README.md │ ├── requirements.txt │ └── run_translation.py ├── hubconf.py ├── model_cards └── README.md ├── notebooks └── README.md ├── pyproject.toml ├── scripts ├── benchmark │ └── trainer-benchmark.py ├── check_tokenizers.py ├── distributed │ └── torch-distributed-gpu-test.py ├── fsmt │ ├── convert-allenai-wmt16.sh │ ├── convert-allenai-wmt19.sh │ ├── convert-facebook-wmt19.sh │ ├── eval-allenai-wmt16.sh │ ├── eval-allenai-wmt19.sh │ ├── eval-facebook-wmt19.sh │ ├── fsmt-make-super-tiny-model.py │ ├── fsmt-make-tiny-model.py │ ├── gen-card-allenai-wmt16.py │ ├── gen-card-allenai-wmt19.py │ ├── gen-card-facebook-wmt19.py │ ├── s3-move.sh │ └── tests-to-run.sh ├── pegasus │ └── build_test_sample_spm_no_bos.py ├── stale.py └── tatoeba │ ├── README.md │ └── upload_models.sh ├── setup.cfg ├── setup.py ├── src └── transformers │ ├── __init__.py │ ├── activations.py │ ├── activations_tf.py │ ├── audio_utils.py │ ├── benchmark │ ├── __init__.py │ ├── benchmark.py │ ├── benchmark_args.py │ ├── benchmark_args_tf.py │ ├── benchmark_args_utils.py │ ├── benchmark_tf.py │ └── benchmark_utils.py │ ├── commands │ ├── __init__.py │ ├── add_new_model.py │ ├── add_new_model_like.py │ ├── convert.py │ ├── download.py │ ├── env.py │ ├── lfs.py │ ├── pt_to_tf.py │ ├── run.py │ ├── serving.py │ ├── train.py │ ├── transformers_cli.py │ └── user.py │ ├── configuration_utils.py │ ├── convert_graph_to_onnx.py │ ├── convert_pytorch_checkpoint_to_tf2.py │ ├── convert_slow_tokenizer.py │ ├── convert_slow_tokenizers_checkpoints_to_fast.py │ ├── convert_tf_hub_seq_to_seq_bert_to_pytorch.py │ ├── data │ ├── __init__.py │ ├── data_collator.py │ ├── datasets │ │ ├── __init__.py │ │ ├── glue.py │ │ ├── language_modeling.py │ │ └── squad.py │ ├── metrics │ │ ├── __init__.py │ │ └── squad_metrics.py │ ├── processors │ │ ├── __init__.py │ │ ├── glue.py │ │ ├── squad.py │ │ ├── utils.py │ │ └── xnli.py │ └── test_generation_utils.py │ ├── debug_utils.py │ ├── deepspeed.py │ ├── dependency_versions_check.py │ ├── dependency_versions_table.py │ ├── dynamic_module_utils.py │ ├── feature_extraction_sequence_utils.py │ ├── feature_extraction_utils.py │ ├── file_utils.py │ ├── generation │ ├── __init__.py │ ├── beam_constraints.py │ ├── beam_search.py │ ├── configuration_utils.py │ ├── flax_logits_process.py │ ├── flax_utils.py │ ├── logits_process.py │ ├── stopping_criteria.py │ ├── streamers.py │ ├── tf_logits_process.py │ ├── tf_utils.py │ └── utils.py │ ├── generation_flax_utils.py │ ├── generation_tf_utils.py │ ├── generation_utils.py │ ├── hf_argparser.py │ ├── image_processing_utils.py │ ├── image_transforms.py │ ├── image_utils.py │ ├── integrations.py │ ├── keras_callbacks.py │ ├── kernels │ └── rwkv │ │ ├── wkv_cuda.cu │ │ ├── wkv_cuda_bf16.cu │ │ └── wkv_op.cpp │ ├── modelcard.py │ ├── modeling_flax_outputs.py │ ├── modeling_flax_pytorch_utils.py │ ├── modeling_flax_utils.py │ ├── modeling_outputs.py │ ├── modeling_tf_outputs.py │ ├── modeling_tf_pytorch_utils.py │ ├── modeling_tf_utils.py │ ├── modeling_utils.py │ ├── models │ ├── __init__.py │ ├── albert │ │ ├── __init__.py │ │ ├── configuration_albert.py │ │ ├── convert_albert_original_tf_checkpoint_to_pytorch.py │ │ ├── modeling_albert.py │ │ ├── modeling_flax_albert.py │ │ ├── modeling_tf_albert.py │ │ ├── tokenization_albert.py │ │ └── tokenization_albert_fast.py │ ├── align │ │ ├── __init__.py │ │ ├── configuration_align.py │ │ ├── convert_align_tf_to_hf.py │ │ ├── modeling_align.py │ │ └── processing_align.py │ ├── altclip │ │ ├── __init__.py │ │ ├── configuration_altclip.py │ │ ├── modeling_altclip.py │ │ └── processing_altclip.py │ ├── audio_spectrogram_transformer │ │ ├── __init__.py │ │ ├── configuration_audio_spectrogram_transformer.py │ │ ├── convert_audio_spectrogram_transformer_original_to_pytorch.py │ │ ├── feature_extraction_audio_spectrogram_transformer.py │ │ └── modeling_audio_spectrogram_transformer.py │ ├── auto │ │ ├── __init__.py │ │ ├── auto_factory.py │ │ ├── configuration_auto.py │ │ ├── feature_extraction_auto.py │ │ ├── image_processing_auto.py │ │ ├── modeling_auto.py │ │ ├── modeling_flax_auto.py │ │ ├── modeling_tf_auto.py │ │ ├── processing_auto.py │ │ └── tokenization_auto.py │ ├── bart │ │ ├── __init__.py │ │ ├── configuration_bart.py │ │ ├── convert_bart_original_pytorch_checkpoint_to_pytorch.py │ │ ├── modeling_bart.py │ │ ├── modeling_flax_bart.py │ │ ├── modeling_tf_bart.py │ │ ├── tokenization_bart.py │ │ └── tokenization_bart_fast.py │ ├── barthez │ │ ├── __init__.py │ │ ├── tokenization_barthez.py │ │ └── tokenization_barthez_fast.py │ ├── bartpho │ │ ├── __init__.py │ │ └── tokenization_bartpho.py │ ├── beit │ │ ├── __init__.py │ │ ├── configuration_beit.py │ │ ├── convert_beit_unilm_to_pytorch.py │ │ ├── feature_extraction_beit.py │ │ ├── image_processing_beit.py │ │ ├── modeling_beit.py │ │ └── modeling_flax_beit.py │ ├── bert │ │ ├── __init__.py │ │ ├── configuration_bert.py │ │ ├── convert_bert_original_tf2_checkpoint_to_pytorch.py │ │ ├── convert_bert_original_tf_checkpoint_to_pytorch.py │ │ ├── convert_bert_pytorch_checkpoint_to_original_tf.py │ │ ├── convert_bert_token_dropping_original_tf2_checkpoint_to_pytorch.py │ │ ├── modeling_bert.py │ │ ├── modeling_flax_bert.py │ │ ├── modeling_tf_bert.py │ │ ├── tokenization_bert.py │ │ ├── tokenization_bert_fast.py │ │ └── tokenization_bert_tf.py │ ├── bert_generation │ │ ├── __init__.py │ │ ├── configuration_bert_generation.py │ │ ├── modeling_bert_generation.py │ │ └── tokenization_bert_generation.py │ ├── bert_japanese │ │ ├── __init__.py │ │ └── tokenization_bert_japanese.py │ ├── bertweet │ │ ├── __init__.py │ │ └── tokenization_bertweet.py │ ├── big_bird │ │ ├── __init__.py │ │ ├── configuration_big_bird.py │ │ ├── convert_bigbird_original_tf_checkpoint_to_pytorch.py │ │ ├── modeling_big_bird.py │ │ ├── modeling_flax_big_bird.py │ │ ├── tokenization_big_bird.py │ │ └── tokenization_big_bird_fast.py │ ├── bigbird_pegasus │ │ ├── __init__.py │ │ ├── configuration_bigbird_pegasus.py │ │ ├── convert_bigbird_pegasus_tf_to_pytorch.py │ │ └── modeling_bigbird_pegasus.py │ ├── biogpt │ │ ├── __init__.py │ │ ├── configuration_biogpt.py │ │ ├── convert_biogpt_original_pytorch_checkpoint_to_pytorch.py │ │ ├── modeling_biogpt.py │ │ └── tokenization_biogpt.py │ ├── bit │ │ ├── __init__.py │ │ ├── configuration_bit.py │ │ ├── convert_bit_to_pytorch.py │ │ ├── image_processing_bit.py │ │ └── modeling_bit.py │ ├── blenderbot │ │ ├── __init__.py │ │ ├── configuration_blenderbot.py │ │ ├── convert_blenderbot_original_pytorch_checkpoint_to_pytorch.py │ │ ├── modeling_blenderbot.py │ │ ├── modeling_flax_blenderbot.py │ │ ├── modeling_tf_blenderbot.py │ │ ├── tokenization_blenderbot.py │ │ └── tokenization_blenderbot_fast.py │ ├── blenderbot_small │ │ ├── __init__.py │ │ ├── configuration_blenderbot_small.py │ │ ├── modeling_blenderbot_small.py │ │ ├── modeling_flax_blenderbot_small.py │ │ ├── modeling_tf_blenderbot_small.py │ │ ├── tokenization_blenderbot_small.py │ │ └── tokenization_blenderbot_small_fast.py │ ├── blip │ │ ├── __init__.py │ │ ├── configuration_blip.py │ │ ├── convert_blip_original_pytorch_to_hf.py │ │ ├── image_processing_blip.py │ │ ├── modeling_blip.py │ │ ├── modeling_blip_text.py │ │ ├── modeling_tf_blip.py │ │ ├── modeling_tf_blip_text.py │ │ └── processing_blip.py │ ├── blip_2 │ │ ├── __init__.py │ │ ├── configuration_blip_2.py │ │ ├── convert_blip_2_original_to_pytorch.py │ │ ├── modeling_blip_2.py │ │ └── processing_blip_2.py │ ├── bloom │ │ ├── __init__.py │ │ ├── configuration_bloom.py │ │ ├── convert_bloom_original_checkpoint_to_pytorch.py │ │ ├── modeling_bloom.py │ │ └── tokenization_bloom_fast.py │ ├── bort │ │ ├── __init__.py │ │ └── convert_bort_original_gluonnlp_checkpoint_to_pytorch.py │ ├── bridgetower │ │ ├── __init__.py │ │ ├── configuration_bridgetower.py │ │ ├── image_processing_bridgetower.py │ │ ├── modeling_bridgetower.py │ │ └── processing_bridgetower.py │ ├── byt5 │ │ ├── __init__.py │ │ ├── convert_byt5_original_tf_checkpoint_to_pytorch.py │ │ └── tokenization_byt5.py │ ├── camembert │ │ ├── __init__.py │ │ ├── configuration_camembert.py │ │ ├── modeling_camembert.py │ │ ├── modeling_tf_camembert.py │ │ ├── tokenization_camembert.py │ │ └── tokenization_camembert_fast.py │ ├── canine │ │ ├── __init__.py │ │ ├── configuration_canine.py │ │ ├── convert_canine_original_tf_checkpoint_to_pytorch.py │ │ ├── modeling_canine.py │ │ └── tokenization_canine.py │ ├── chinese_clip │ │ ├── __init__.py │ │ ├── configuration_chinese_clip.py │ │ ├── convert_chinese_clip_original_pytorch_to_hf.py │ │ ├── feature_extraction_chinese_clip.py │ │ ├── image_processing_chinese_clip.py │ │ ├── modeling_chinese_clip.py │ │ └── processing_chinese_clip.py │ ├── clap │ │ ├── __init__.py │ │ ├── configuration_clap.py │ │ ├── convert_clap_original_pytorch_to_hf.py │ │ ├── feature_extraction_clap.py │ │ ├── modeling_clap.py │ │ └── processing_clap.py │ ├── clip │ │ ├── __init__.py │ │ ├── configuration_clip.py │ │ ├── convert_clip_original_pytorch_to_hf.py │ │ ├── feature_extraction_clip.py │ │ ├── image_processing_clip.py │ │ ├── modeling_clip.py │ │ ├── modeling_flax_clip.py │ │ ├── modeling_tf_clip.py │ │ ├── processing_clip.py │ │ ├── tokenization_clip.py │ │ └── tokenization_clip_fast.py │ ├── clipseg │ │ ├── __init__.py │ │ ├── configuration_clipseg.py │ │ ├── convert_clipseg_original_pytorch_to_hf.py │ │ ├── modeling_clipseg.py │ │ └── processing_clipseg.py │ ├── codegen │ │ ├── __init__.py │ │ ├── configuration_codegen.py │ │ ├── modeling_codegen.py │ │ ├── tokenization_codegen.py │ │ └── tokenization_codegen_fast.py │ ├── conditional_detr │ │ ├── __init__.py │ │ ├── configuration_conditional_detr.py │ │ ├── convert_conditional_detr_original_pytorch_checkpoint_to_pytorch.py │ │ ├── feature_extraction_conditional_detr.py │ │ ├── image_processing_conditional_detr.py │ │ └── modeling_conditional_detr.py │ ├── convbert │ │ ├── __init__.py │ │ ├── configuration_convbert.py │ │ ├── convert_convbert_original_tf1_checkpoint_to_pytorch_and_tf2.py │ │ ├── modeling_convbert.py │ │ ├── modeling_tf_convbert.py │ │ ├── tokenization_convbert.py │ │ └── tokenization_convbert_fast.py │ ├── convnext │ │ ├── __init__.py │ │ ├── configuration_convnext.py │ │ ├── convert_convnext_to_pytorch.py │ │ ├── feature_extraction_convnext.py │ │ ├── image_processing_convnext.py │ │ ├── modeling_convnext.py │ │ └── modeling_tf_convnext.py │ ├── convnextv2 │ │ ├── __init__.py │ │ ├── configuration_convnextv2.py │ │ ├── convert_convnextv2_to_pytorch.py │ │ └── modeling_convnextv2.py │ ├── cpm │ │ ├── __init__.py │ │ ├── tokenization_cpm.py │ │ └── tokenization_cpm_fast.py │ ├── cpmant │ │ ├── __init__.py │ │ ├── configuration_cpmant.py │ │ ├── modeling_cpmant.py │ │ └── tokenization_cpmant.py │ ├── ctrl │ │ ├── __init__.py │ │ ├── configuration_ctrl.py │ │ ├── modeling_ctrl.py │ │ ├── modeling_tf_ctrl.py │ │ └── tokenization_ctrl.py │ ├── cvt │ │ ├── __init__.py │ │ ├── configuration_cvt.py │ │ ├── convert_cvt_original_pytorch_checkpoint_to_pytorch.py │ │ ├── modeling_cvt.py │ │ └── modeling_tf_cvt.py │ ├── data2vec │ │ ├── __init__.py │ │ ├── configuration_data2vec_audio.py │ │ ├── configuration_data2vec_text.py │ │ ├── configuration_data2vec_vision.py │ │ ├── convert_data2vec_audio_original_pytorch_checkpoint_to_pytorch.py │ │ ├── convert_data2vec_text_original_pytorch_checkpoint_to_pytorch.py │ │ ├── convert_data2vec_vision_original_pytorch_checkpoint_to_pytorch.py │ │ ├── modeling_data2vec_audio.py │ │ ├── modeling_data2vec_text.py │ │ ├── modeling_data2vec_vision.py │ │ └── modeling_tf_data2vec_vision.py │ ├── deberta │ │ ├── __init__.py │ │ ├── configuration_deberta.py │ │ ├── modeling_deberta.py │ │ ├── modeling_tf_deberta.py │ │ ├── tokenization_deberta.py │ │ └── tokenization_deberta_fast.py │ ├── deberta_v2 │ │ ├── __init__.py │ │ ├── configuration_deberta_v2.py │ │ ├── modeling_deberta_v2.py │ │ ├── modeling_tf_deberta_v2.py │ │ ├── tokenization_deberta_v2.py │ │ └── tokenization_deberta_v2_fast.py │ ├── decision_transformer │ │ ├── __init__.py │ │ ├── configuration_decision_transformer.py │ │ └── modeling_decision_transformer.py │ ├── deformable_detr │ │ ├── __init__.py │ │ ├── configuration_deformable_detr.py │ │ ├── convert_deformable_detr_to_pytorch.py │ │ ├── custom_kernel │ │ │ ├── cpu │ │ │ │ ├── ms_deform_attn_cpu.cpp │ │ │ │ └── ms_deform_attn_cpu.h │ │ │ ├── cuda │ │ │ │ ├── ms_deform_attn_cuda.cu │ │ │ │ ├── ms_deform_attn_cuda.cuh │ │ │ │ ├── ms_deform_attn_cuda.h │ │ │ │ └── ms_deform_im2col_cuda.cuh │ │ │ ├── ms_deform_attn.h │ │ │ └── vision.cpp │ │ ├── feature_extraction_deformable_detr.py │ │ ├── image_processing_deformable_detr.py │ │ ├── load_custom.py │ │ └── modeling_deformable_detr.py │ ├── deit │ │ ├── __init__.py │ │ ├── configuration_deit.py │ │ ├── convert_deit_timm_to_pytorch.py │ │ ├── feature_extraction_deit.py │ │ ├── image_processing_deit.py │ │ ├── modeling_deit.py │ │ └── modeling_tf_deit.py │ ├── deta │ │ ├── __init__.py │ │ ├── configuration_deta.py │ │ ├── convert_deta_resnet_to_pytorch.py │ │ ├── convert_deta_swin_to_pytorch.py │ │ ├── image_processing_deta.py │ │ └── modeling_deta.py │ ├── detr │ │ ├── __init__.py │ │ ├── configuration_detr.py │ │ ├── convert_detr_original_pytorch_checkpoint_to_pytorch.py │ │ ├── convert_detr_to_pytorch.py │ │ ├── feature_extraction_detr.py │ │ ├── image_processing_detr.py │ │ └── modeling_detr.py │ ├── dialogpt │ │ ├── __init__.py │ │ └── convert_dialogpt_original_pytorch_checkpoint_to_pytorch.py │ ├── dinat │ │ ├── __init__.py │ │ ├── configuration_dinat.py │ │ └── modeling_dinat.py │ ├── distilbert │ │ ├── __init__.py │ │ ├── configuration_distilbert.py │ │ ├── modeling_distilbert.py │ │ ├── modeling_flax_distilbert.py │ │ ├── modeling_tf_distilbert.py │ │ ├── tokenization_distilbert.py │ │ └── tokenization_distilbert_fast.py │ ├── dit │ │ ├── __init__.py │ │ └── convert_dit_unilm_to_pytorch.py │ ├── donut │ │ ├── __init__.py │ │ ├── configuration_donut_swin.py │ │ ├── convert_donut_to_pytorch.py │ │ ├── feature_extraction_donut.py │ │ ├── image_processing_donut.py │ │ ├── modeling_donut_swin.py │ │ └── processing_donut.py │ ├── dpr │ │ ├── __init__.py │ │ ├── configuration_dpr.py │ │ ├── convert_dpr_original_checkpoint_to_pytorch.py │ │ ├── modeling_dpr.py │ │ ├── modeling_tf_dpr.py │ │ ├── tokenization_dpr.py │ │ └── tokenization_dpr_fast.py │ ├── dpt │ │ ├── __init__.py │ │ ├── configuration_dpt.py │ │ ├── convert_dpt_hybrid_to_pytorch.py │ │ ├── convert_dpt_to_pytorch.py │ │ ├── feature_extraction_dpt.py │ │ ├── image_processing_dpt.py │ │ └── modeling_dpt.py │ ├── efficientformer │ │ ├── __init__.py │ │ ├── configuration_efficientformer.py │ │ ├── convert_efficientformer_original_pytorch_checkpoint_to_pytorch.py │ │ ├── image_processing_efficientformer.py │ │ └── modeling_efficientformer.py │ ├── efficientnet │ │ ├── __init__.py │ │ ├── configuration_efficientnet.py │ │ ├── convert_efficientnet_to_pytorch.py │ │ ├── image_processing_efficientnet.py │ │ └── modeling_efficientnet.py │ ├── electra │ │ ├── __init__.py │ │ ├── configuration_electra.py │ │ ├── convert_electra_original_tf_checkpoint_to_pytorch.py │ │ ├── modeling_electra.py │ │ ├── modeling_flax_electra.py │ │ ├── modeling_tf_electra.py │ │ ├── tokenization_electra.py │ │ └── tokenization_electra_fast.py │ ├── encoder_decoder │ │ ├── __init__.py │ │ ├── configuration_encoder_decoder.py │ │ ├── modeling_encoder_decoder.py │ │ ├── modeling_flax_encoder_decoder.py │ │ └── modeling_tf_encoder_decoder.py │ ├── ernie │ │ ├── __init__.py │ │ ├── configuration_ernie.py │ │ └── modeling_ernie.py │ ├── ernie_m │ │ ├── __init__.py │ │ ├── configuration_ernie_m.py │ │ ├── modeling_ernie_m.py │ │ └── tokenization_ernie_m.py │ ├── esm │ │ ├── __init__.py │ │ ├── configuration_esm.py │ │ ├── convert_esm.py │ │ ├── modeling_esm.py │ │ ├── modeling_esmfold.py │ │ ├── modeling_tf_esm.py │ │ ├── openfold_utils │ │ │ ├── __init__.py │ │ │ ├── chunk_utils.py │ │ │ ├── data_transforms.py │ │ │ ├── feats.py │ │ │ ├── loss.py │ │ │ ├── protein.py │ │ │ ├── residue_constants.py │ │ │ ├── rigid_utils.py │ │ │ └── tensor_utils.py │ │ └── tokenization_esm.py │ ├── flaubert │ │ ├── __init__.py │ │ ├── configuration_flaubert.py │ │ ├── modeling_flaubert.py │ │ ├── modeling_tf_flaubert.py │ │ └── tokenization_flaubert.py │ ├── flava │ │ ├── __init__.py │ │ ├── configuration_flava.py │ │ ├── convert_dalle_to_flava_codebook.py │ │ ├── convert_flava_original_pytorch_to_hf.py │ │ ├── feature_extraction_flava.py │ │ ├── image_processing_flava.py │ │ ├── modeling_flava.py │ │ └── processing_flava.py │ ├── fnet │ │ ├── __init__.py │ │ ├── configuration_fnet.py │ │ ├── convert_fnet_original_flax_checkpoint_to_pytorch.py │ │ ├── modeling_fnet.py │ │ ├── tokenization_fnet.py │ │ └── tokenization_fnet_fast.py │ ├── focalnet │ │ ├── __init__.py │ │ ├── configuration_focalnet.py │ │ ├── convert_focalnet_to_hf_format.py │ │ └── modeling_focalnet.py │ ├── fsmt │ │ ├── __init__.py │ │ ├── configuration_fsmt.py │ │ ├── convert_fsmt_original_pytorch_checkpoint_to_pytorch.py │ │ ├── modeling_fsmt.py │ │ └── tokenization_fsmt.py │ ├── funnel │ │ ├── __init__.py │ │ ├── configuration_funnel.py │ │ ├── convert_funnel_original_tf_checkpoint_to_pytorch.py │ │ ├── modeling_funnel.py │ │ ├── modeling_tf_funnel.py │ │ ├── tokenization_funnel.py │ │ └── tokenization_funnel_fast.py │ ├── git │ │ ├── __init__.py │ │ ├── configuration_git.py │ │ ├── convert_git_to_pytorch.py │ │ ├── modeling_git.py │ │ └── processing_git.py │ ├── glpn │ │ ├── __init__.py │ │ ├── configuration_glpn.py │ │ ├── convert_glpn_to_pytorch.py │ │ ├── feature_extraction_glpn.py │ │ ├── image_processing_glpn.py │ │ └── modeling_glpn.py │ ├── gpt2 │ │ ├── __init__.py │ │ ├── configuration_gpt2.py │ │ ├── convert_gpt2_original_tf_checkpoint_to_pytorch.py │ │ ├── modeling_flax_gpt2.py │ │ ├── modeling_gpt2.py │ │ ├── modeling_tf_gpt2.py │ │ ├── tokenization_gpt2.py │ │ ├── tokenization_gpt2_fast.py │ │ └── tokenization_gpt2_tf.py │ ├── gpt_bigcode │ │ ├── __init__.py │ │ ├── configuration_gpt_bigcode.py │ │ └── modeling_gpt_bigcode.py │ ├── gpt_neo │ │ ├── __init__.py │ │ ├── configuration_gpt_neo.py │ │ ├── convert_gpt_neo_mesh_tf_to_pytorch.py │ │ ├── modeling_flax_gpt_neo.py │ │ └── modeling_gpt_neo.py │ ├── gpt_neox │ │ ├── __init__.py │ │ ├── configuration_gpt_neox.py │ │ ├── modeling_gpt_neox.py │ │ └── tokenization_gpt_neox_fast.py │ ├── gpt_neox_japanese │ │ ├── __init__.py │ │ ├── configuration_gpt_neox_japanese.py │ │ ├── modeling_gpt_neox_japanese.py │ │ └── tokenization_gpt_neox_japanese.py │ ├── gpt_sw3 │ │ ├── __init__.py │ │ ├── convert_megatron_to_pytorch.py │ │ └── tokenization_gpt_sw3.py │ ├── gptj │ │ ├── __init__.py │ │ ├── configuration_gptj.py │ │ ├── modeling_flax_gptj.py │ │ ├── modeling_gptj.py │ │ └── modeling_tf_gptj.py │ ├── gptsan_japanese │ │ ├── __init__.py │ │ ├── configuration_gptsan_japanese.py │ │ ├── convert_gptsan_tf_checkpoint_to_pytorch.py │ │ ├── modeling_gptsan_japanese.py │ │ └── tokenization_gptsan_japanese.py │ ├── graphormer │ │ ├── __init__.py │ │ ├── algos_graphormer.pyx │ │ ├── collating_graphormer.py │ │ ├── configuration_graphormer.py │ │ └── modeling_graphormer.py │ ├── groupvit │ │ ├── __init__.py │ │ ├── configuration_groupvit.py │ │ ├── convert_groupvit_nvlab_to_hf.py │ │ ├── modeling_groupvit.py │ │ └── modeling_tf_groupvit.py │ ├── herbert │ │ ├── __init__.py │ │ ├── tokenization_herbert.py │ │ └── tokenization_herbert_fast.py │ ├── hubert │ │ ├── __init__.py │ │ ├── configuration_hubert.py │ │ ├── convert_distilhubert_original_s3prl_checkpoint_to_pytorch.py │ │ ├── convert_hubert_original_pytorch_checkpoint_to_pytorch.py │ │ ├── convert_hubert_original_s3prl_checkpoint_to_pytorch.py │ │ ├── modeling_hubert.py │ │ └── modeling_tf_hubert.py │ ├── ibert │ │ ├── __init__.py │ │ ├── configuration_ibert.py │ │ ├── modeling_ibert.py │ │ └── quant_modules.py │ ├── imagegpt │ │ ├── __init__.py │ │ ├── configuration_imagegpt.py │ │ ├── convert_imagegpt_original_tf2_to_pytorch.py │ │ ├── feature_extraction_imagegpt.py │ │ ├── image_processing_imagegpt.py │ │ └── modeling_imagegpt.py │ ├── informer │ │ ├── __init__.py │ │ ├── configuration_informer.py │ │ └── modeling_informer.py │ ├── jukebox │ │ ├── __init__.py │ │ ├── configuration_jukebox.py │ │ ├── convert_jukebox.py │ │ ├── modeling_jukebox.py │ │ └── tokenization_jukebox.py │ ├── layoutlm │ │ ├── __init__.py │ │ ├── configuration_layoutlm.py │ │ ├── modeling_layoutlm.py │ │ ├── modeling_tf_layoutlm.py │ │ ├── tokenization_layoutlm.py │ │ └── tokenization_layoutlm_fast.py │ ├── layoutlmv2 │ │ ├── __init__.py │ │ ├── configuration_layoutlmv2.py │ │ ├── feature_extraction_layoutlmv2.py │ │ ├── image_processing_layoutlmv2.py │ │ ├── modeling_layoutlmv2.py │ │ ├── processing_layoutlmv2.py │ │ ├── tokenization_layoutlmv2.py │ │ └── tokenization_layoutlmv2_fast.py │ ├── layoutlmv3 │ │ ├── __init__.py │ │ ├── configuration_layoutlmv3.py │ │ ├── feature_extraction_layoutlmv3.py │ │ ├── image_processing_layoutlmv3.py │ │ ├── modeling_layoutlmv3.py │ │ ├── modeling_tf_layoutlmv3.py │ │ ├── processing_layoutlmv3.py │ │ ├── tokenization_layoutlmv3.py │ │ └── tokenization_layoutlmv3_fast.py │ ├── layoutxlm │ │ ├── __init__.py │ │ ├── processing_layoutxlm.py │ │ ├── tokenization_layoutxlm.py │ │ └── tokenization_layoutxlm_fast.py │ ├── led │ │ ├── __init__.py │ │ ├── configuration_led.py │ │ ├── modeling_led.py │ │ ├── modeling_tf_led.py │ │ ├── tokenization_led.py │ │ └── tokenization_led_fast.py │ ├── levit │ │ ├── __init__.py │ │ ├── configuration_levit.py │ │ ├── convert_levit_timm_to_pytorch.py │ │ ├── feature_extraction_levit.py │ │ ├── image_processing_levit.py │ │ └── modeling_levit.py │ ├── lilt │ │ ├── __init__.py │ │ ├── configuration_lilt.py │ │ └── modeling_lilt.py │ ├── llama │ │ ├── __init__.py │ │ ├── configuration_llama.py │ │ ├── convert_llama_weights_to_hf.py │ │ ├── modeling_llama.py │ │ ├── tokenization_llama.py │ │ └── tokenization_llama_fast.py │ ├── longformer │ │ ├── __init__.py │ │ ├── configuration_longformer.py │ │ ├── convert_longformer_original_pytorch_lightning_to_pytorch.py │ │ ├── modeling_longformer.py │ │ ├── modeling_tf_longformer.py │ │ ├── tokenization_longformer.py │ │ └── tokenization_longformer_fast.py │ ├── longt5 │ │ ├── __init__.py │ │ ├── configuration_longt5.py │ │ ├── convert_longt5x_checkpoint_to_flax.py │ │ ├── modeling_flax_longt5.py │ │ └── modeling_longt5.py │ ├── luke │ │ ├── __init__.py │ │ ├── configuration_luke.py │ │ ├── convert_luke_original_pytorch_checkpoint_to_pytorch.py │ │ ├── modeling_luke.py │ │ └── tokenization_luke.py │ ├── lxmert │ │ ├── __init__.py │ │ ├── configuration_lxmert.py │ │ ├── convert_lxmert_original_tf_checkpoint_to_pytorch.py │ │ ├── modeling_lxmert.py │ │ ├── modeling_tf_lxmert.py │ │ ├── tokenization_lxmert.py │ │ └── tokenization_lxmert_fast.py │ ├── m2m_100 │ │ ├── __init__.py │ │ ├── configuration_m2m_100.py │ │ ├── convert_m2m100_original_checkpoint_to_pytorch.py │ │ ├── modeling_m2m_100.py │ │ └── tokenization_m2m_100.py │ ├── marian │ │ ├── __init__.py │ │ ├── configuration_marian.py │ │ ├── convert_marian_tatoeba_to_pytorch.py │ │ ├── convert_marian_to_pytorch.py │ │ ├── modeling_flax_marian.py │ │ ├── modeling_marian.py │ │ ├── modeling_tf_marian.py │ │ └── tokenization_marian.py │ ├── markuplm │ │ ├── __init__.py │ │ ├── configuration_markuplm.py │ │ ├── feature_extraction_markuplm.py │ │ ├── modeling_markuplm.py │ │ ├── processing_markuplm.py │ │ ├── tokenization_markuplm.py │ │ └── tokenization_markuplm_fast.py │ ├── mask2former │ │ ├── __init__.py │ │ ├── configuration_mask2former.py │ │ ├── convert_mask2former_original_pytorch_checkpoint_to_pytorch.py │ │ ├── image_processing_mask2former.py │ │ └── modeling_mask2former.py │ ├── maskformer │ │ ├── __init__.py │ │ ├── configuration_maskformer.py │ │ ├── configuration_maskformer_swin.py │ │ ├── convert_maskformer_original_pytorch_checkpoint_to_pytorch.py │ │ ├── convert_maskformer_resnet_to_pytorch.py │ │ ├── convert_maskformer_swin_to_pytorch.py │ │ ├── feature_extraction_maskformer.py │ │ ├── image_processing_maskformer.py │ │ ├── modeling_maskformer.py │ │ └── modeling_maskformer_swin.py │ ├── mbart │ │ ├── __init__.py │ │ ├── configuration_mbart.py │ │ ├── convert_mbart_original_checkpoint_to_pytorch.py │ │ ├── modeling_flax_mbart.py │ │ ├── modeling_mbart.py │ │ ├── modeling_tf_mbart.py │ │ ├── tokenization_mbart.py │ │ └── tokenization_mbart_fast.py │ ├── mbart50 │ │ ├── __init__.py │ │ ├── tokenization_mbart50.py │ │ └── tokenization_mbart50_fast.py │ ├── mctct │ │ ├── __init__.py │ │ ├── configuration_mctct.py │ │ ├── feature_extraction_mctct.py │ │ ├── modeling_mctct.py │ │ └── processing_mctct.py │ ├── mega │ │ ├── __init__.py │ │ ├── configuration_mega.py │ │ ├── convert_mega_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_mega.py │ ├── megatron_bert │ │ ├── __init__.py │ │ ├── configuration_megatron_bert.py │ │ ├── convert_megatron_bert_checkpoint.py │ │ └── modeling_megatron_bert.py │ ├── megatron_gpt2 │ │ ├── __init__.py │ │ ├── checkpoint_reshaping_and_interoperability.py │ │ └── convert_megatron_gpt2_checkpoint.py │ ├── mgp_str │ │ ├── __init__.py │ │ ├── configuration_mgp_str.py │ │ ├── modeling_mgp_str.py │ │ ├── processing_mgp_str.py │ │ └── tokenization_mgp_str.py │ ├── mluke │ │ ├── __init__.py │ │ ├── convert_mluke_original_pytorch_checkpoint_to_pytorch.py │ │ └── tokenization_mluke.py │ ├── mmbt │ │ ├── __init__.py │ │ ├── configuration_mmbt.py │ │ └── modeling_mmbt.py │ ├── mobilebert │ │ ├── __init__.py │ │ ├── configuration_mobilebert.py │ │ ├── convert_mobilebert_original_tf_checkpoint_to_pytorch.py │ │ ├── modeling_mobilebert.py │ │ ├── modeling_tf_mobilebert.py │ │ ├── tokenization_mobilebert.py │ │ └── tokenization_mobilebert_fast.py │ ├── mobilenet_v1 │ │ ├── __init__.py │ │ ├── configuration_mobilenet_v1.py │ │ ├── convert_original_tf_checkpoint_to_pytorch.py │ │ ├── feature_extraction_mobilenet_v1.py │ │ ├── image_processing_mobilenet_v1.py │ │ └── modeling_mobilenet_v1.py │ ├── mobilenet_v2 │ │ ├── __init__.py │ │ ├── configuration_mobilenet_v2.py │ │ ├── convert_original_tf_checkpoint_to_pytorch.py │ │ ├── feature_extraction_mobilenet_v2.py │ │ ├── image_processing_mobilenet_v2.py │ │ └── modeling_mobilenet_v2.py │ ├── mobilevit │ │ ├── __init__.py │ │ ├── configuration_mobilevit.py │ │ ├── convert_mlcvnets_to_pytorch.py │ │ ├── feature_extraction_mobilevit.py │ │ ├── image_processing_mobilevit.py │ │ ├── modeling_mobilevit.py │ │ └── modeling_tf_mobilevit.py │ ├── mpnet │ │ ├── __init__.py │ │ ├── configuration_mpnet.py │ │ ├── modeling_mpnet.py │ │ ├── modeling_tf_mpnet.py │ │ ├── tokenization_mpnet.py │ │ └── tokenization_mpnet_fast.py │ ├── mt5 │ │ ├── __init__.py │ │ ├── configuration_mt5.py │ │ ├── modeling_flax_mt5.py │ │ ├── modeling_mt5.py │ │ └── modeling_tf_mt5.py │ ├── mvp │ │ ├── __init__.py │ │ ├── configuration_mvp.py │ │ ├── modeling_mvp.py │ │ ├── tokenization_mvp.py │ │ └── tokenization_mvp_fast.py │ ├── nat │ │ ├── __init__.py │ │ ├── configuration_nat.py │ │ └── modeling_nat.py │ ├── nezha │ │ ├── __init__.py │ │ ├── configuration_nezha.py │ │ └── modeling_nezha.py │ ├── nllb │ │ ├── __init__.py │ │ ├── tokenization_nllb.py │ │ └── tokenization_nllb_fast.py │ ├── nllb_moe │ │ ├── __init__.py │ │ ├── configuration_nllb_moe.py │ │ ├── convert_nllb_moe_sharded_original_checkpoint_to_pytorch.py │ │ └── modeling_nllb_moe.py │ ├── nystromformer │ │ ├── __init__.py │ │ ├── configuration_nystromformer.py │ │ ├── convert_nystromformer_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_nystromformer.py │ ├── oneformer │ │ ├── __init__.py │ │ ├── configuration_oneformer.py │ │ ├── convert_to_hf_oneformer.py │ │ ├── image_processing_oneformer.py │ │ ├── modeling_oneformer.py │ │ └── processing_oneformer.py │ ├── open_llama │ │ ├── __init__.py │ │ ├── configuration_open_llama.py │ │ └── modeling_open_llama.py │ ├── openai │ │ ├── __init__.py │ │ ├── configuration_openai.py │ │ ├── convert_openai_original_tf_checkpoint_to_pytorch.py │ │ ├── modeling_openai.py │ │ ├── modeling_tf_openai.py │ │ ├── tokenization_openai.py │ │ └── tokenization_openai_fast.py │ ├── opt │ │ ├── __init__.py │ │ ├── configuration_opt.py │ │ ├── convert_opt_original_pytorch_checkpoint_to_pytorch.py │ │ ├── modeling_flax_opt.py │ │ ├── modeling_opt.py │ │ └── modeling_tf_opt.py │ ├── owlvit │ │ ├── __init__.py │ │ ├── configuration_owlvit.py │ │ ├── convert_owlvit_original_flax_to_hf.py │ │ ├── feature_extraction_owlvit.py │ │ ├── image_processing_owlvit.py │ │ ├── modeling_owlvit.py │ │ └── processing_owlvit.py │ ├── pegasus │ │ ├── __init__.py │ │ ├── configuration_pegasus.py │ │ ├── convert_pegasus_tf_to_pytorch.py │ │ ├── modeling_flax_pegasus.py │ │ ├── modeling_pegasus.py │ │ ├── modeling_tf_pegasus.py │ │ ├── tokenization_pegasus.py │ │ └── tokenization_pegasus_fast.py │ ├── pegasus_x │ │ ├── __init__.py │ │ ├── configuration_pegasus_x.py │ │ └── modeling_pegasus_x.py │ ├── perceiver │ │ ├── __init__.py │ │ ├── configuration_perceiver.py │ │ ├── convert_perceiver_haiku_to_pytorch.py │ │ ├── feature_extraction_perceiver.py │ │ ├── image_processing_perceiver.py │ │ ├── modeling_perceiver.py │ │ └── tokenization_perceiver.py │ ├── phobert │ │ ├── __init__.py │ │ └── tokenization_phobert.py │ ├── pix2struct │ │ ├── __init__.py │ │ ├── configuration_pix2struct.py │ │ ├── convert_pix2struct_original_pytorch_to_hf.py │ │ ├── image_processing_pix2struct.py │ │ ├── modeling_pix2struct.py │ │ └── processing_pix2struct.py │ ├── plbart │ │ ├── __init__.py │ │ ├── configuration_plbart.py │ │ ├── convert_plbart_original_checkpoint_to_torch.py │ │ ├── modeling_plbart.py │ │ └── tokenization_plbart.py │ ├── poolformer │ │ ├── __init__.py │ │ ├── configuration_poolformer.py │ │ ├── convert_poolformer_original_to_pytorch.py │ │ ├── feature_extraction_poolformer.py │ │ ├── image_processing_poolformer.py │ │ └── modeling_poolformer.py │ ├── prophetnet │ │ ├── __init__.py │ │ ├── configuration_prophetnet.py │ │ ├── convert_prophetnet_original_pytorch_checkpoint_to_pytorch.py │ │ ├── modeling_prophetnet.py │ │ └── tokenization_prophetnet.py │ ├── qdqbert │ │ ├── __init__.py │ │ ├── configuration_qdqbert.py │ │ └── modeling_qdqbert.py │ ├── rag │ │ ├── __init__.py │ │ ├── configuration_rag.py │ │ ├── modeling_rag.py │ │ ├── modeling_tf_rag.py │ │ ├── retrieval_rag.py │ │ └── tokenization_rag.py │ ├── realm │ │ ├── __init__.py │ │ ├── configuration_realm.py │ │ ├── modeling_realm.py │ │ ├── retrieval_realm.py │ │ ├── tokenization_realm.py │ │ └── tokenization_realm_fast.py │ ├── reformer │ │ ├── __init__.py │ │ ├── configuration_reformer.py │ │ ├── convert_reformer_trax_checkpoint_to_pytorch.py │ │ ├── modeling_reformer.py │ │ ├── tokenization_reformer.py │ │ └── tokenization_reformer_fast.py │ ├── regnet │ │ ├── __init__.py │ │ ├── configuration_regnet.py │ │ ├── convert_regnet_seer_10b_to_pytorch.py │ │ ├── convert_regnet_to_pytorch.py │ │ ├── modeling_flax_regnet.py │ │ ├── modeling_regnet.py │ │ └── modeling_tf_regnet.py │ ├── rembert │ │ ├── __init__.py │ │ ├── configuration_rembert.py │ │ ├── convert_rembert_tf_checkpoint_to_pytorch.py │ │ ├── modeling_rembert.py │ │ ├── modeling_tf_rembert.py │ │ ├── tokenization_rembert.py │ │ └── tokenization_rembert_fast.py │ ├── resnet │ │ ├── __init__.py │ │ ├── configuration_resnet.py │ │ ├── convert_resnet_to_pytorch.py │ │ ├── modeling_flax_resnet.py │ │ ├── modeling_resnet.py │ │ └── modeling_tf_resnet.py │ ├── retribert │ │ ├── __init__.py │ │ ├── configuration_retribert.py │ │ ├── modeling_retribert.py │ │ ├── tokenization_retribert.py │ │ └── tokenization_retribert_fast.py │ ├── roberta │ │ ├── __init__.py │ │ ├── configuration_roberta.py │ │ ├── convert_roberta_original_pytorch_checkpoint_to_pytorch.py │ │ ├── modeling_flax_roberta.py │ │ ├── modeling_roberta.py │ │ ├── modeling_tf_roberta.py │ │ ├── tokenization_roberta.py │ │ └── tokenization_roberta_fast.py │ ├── roberta_prelayernorm │ │ ├── __init__.py │ │ ├── configuration_roberta_prelayernorm.py │ │ ├── convert_roberta_prelayernorm_original_pytorch_checkpoint_to_pytorch.py │ │ ├── modeling_flax_roberta_prelayernorm.py │ │ ├── modeling_roberta_prelayernorm.py │ │ └── modeling_tf_roberta_prelayernorm.py │ ├── roc_bert │ │ ├── __init__.py │ │ ├── configuration_roc_bert.py │ │ ├── modeling_roc_bert.py │ │ └── tokenization_roc_bert.py │ ├── roformer │ │ ├── __init__.py │ │ ├── configuration_roformer.py │ │ ├── convert_roformer_original_tf_checkpoint_to_pytorch.py │ │ ├── modeling_flax_roformer.py │ │ ├── modeling_roformer.py │ │ ├── modeling_tf_roformer.py │ │ ├── tokenization_roformer.py │ │ ├── tokenization_roformer_fast.py │ │ └── tokenization_utils.py │ ├── rwkv │ │ ├── __init__.py │ │ ├── configuration_rwkv.py │ │ ├── convert_rwkv_checkpoint_to_hf.py │ │ └── modeling_rwkv.py │ ├── sam │ │ ├── __init__.py │ │ ├── configuration_sam.py │ │ ├── convert_sam_original_to_hf_format.py │ │ ├── image_processing_sam.py │ │ ├── modeling_sam.py │ │ └── processing_sam.py │ ├── segformer │ │ ├── __init__.py │ │ ├── configuration_segformer.py │ │ ├── convert_segformer_original_to_pytorch.py │ │ ├── feature_extraction_segformer.py │ │ ├── image_processing_segformer.py │ │ ├── modeling_segformer.py │ │ └── modeling_tf_segformer.py │ ├── sew │ │ ├── __init__.py │ │ ├── configuration_sew.py │ │ ├── convert_sew_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_sew.py │ ├── sew_d │ │ ├── __init__.py │ │ ├── configuration_sew_d.py │ │ ├── convert_sew_d_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_sew_d.py │ ├── speech_encoder_decoder │ │ ├── __init__.py │ │ ├── configuration_speech_encoder_decoder.py │ │ ├── convert_mbart_wav2vec2_seq2seq_original_to_pytorch.py │ │ ├── convert_speech_to_text_wav2vec2_seq2seq_original_to_pytorch.py │ │ ├── modeling_flax_speech_encoder_decoder.py │ │ └── modeling_speech_encoder_decoder.py │ ├── speech_to_text │ │ ├── __init__.py │ │ ├── configuration_speech_to_text.py │ │ ├── convert_s2t_fairseq_to_tfms.py │ │ ├── feature_extraction_speech_to_text.py │ │ ├── modeling_speech_to_text.py │ │ ├── modeling_tf_speech_to_text.py │ │ ├── processing_speech_to_text.py │ │ └── tokenization_speech_to_text.py │ ├── speech_to_text_2 │ │ ├── __init__.py │ │ ├── configuration_speech_to_text_2.py │ │ ├── modeling_speech_to_text_2.py │ │ ├── processing_speech_to_text_2.py │ │ └── tokenization_speech_to_text_2.py │ ├── speecht5 │ │ ├── __init__.py │ │ ├── configuration_speecht5.py │ │ ├── convert_hifigan.py │ │ ├── convert_speecht5_original_pytorch_checkpoint_to_pytorch.py │ │ ├── feature_extraction_speecht5.py │ │ ├── modeling_speecht5.py │ │ ├── processing_speecht5.py │ │ └── tokenization_speecht5.py │ ├── splinter │ │ ├── __init__.py │ │ ├── configuration_splinter.py │ │ ├── modeling_splinter.py │ │ ├── tokenization_splinter.py │ │ └── tokenization_splinter_fast.py │ ├── squeezebert │ │ ├── __init__.py │ │ ├── configuration_squeezebert.py │ │ ├── modeling_squeezebert.py │ │ ├── tokenization_squeezebert.py │ │ └── tokenization_squeezebert_fast.py │ ├── swin │ │ ├── __init__.py │ │ ├── configuration_swin.py │ │ ├── convert_swin_simmim_to_pytorch.py │ │ ├── convert_swin_timm_to_pytorch.py │ │ ├── modeling_swin.py │ │ └── modeling_tf_swin.py │ ├── swin2sr │ │ ├── __init__.py │ │ ├── configuration_swin2sr.py │ │ ├── convert_swin2sr_original_to_pytorch.py │ │ ├── image_processing_swin2sr.py │ │ └── modeling_swin2sr.py │ ├── swinv2 │ │ ├── __init__.py │ │ ├── configuration_swinv2.py │ │ ├── convert_swinv2_timm_to_pytorch.py │ │ └── modeling_swinv2.py │ ├── switch_transformers │ │ ├── __init__.py │ │ ├── configuration_switch_transformers.py │ │ ├── convert_big_switch.py │ │ ├── convert_switch_transformers_original_flax_checkpoint_to_pytorch.py │ │ └── modeling_switch_transformers.py │ ├── t5 │ │ ├── __init__.py │ │ ├── configuration_t5.py │ │ ├── convert_t5_original_tf_checkpoint_to_pytorch.py │ │ ├── convert_t5x_checkpoint_to_flax.py │ │ ├── convert_t5x_checkpoint_to_pytorch.py │ │ ├── modeling_flax_t5.py │ │ ├── modeling_t5.py │ │ ├── modeling_tf_t5.py │ │ ├── tokenization_t5.py │ │ └── tokenization_t5_fast.py │ ├── table_transformer │ │ ├── __init__.py │ │ ├── configuration_table_transformer.py │ │ ├── convert_table_transformer_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_table_transformer.py │ ├── tapas │ │ ├── __init__.py │ │ ├── configuration_tapas.py │ │ ├── convert_tapas_original_tf_checkpoint_to_pytorch.py │ │ ├── modeling_tapas.py │ │ ├── modeling_tf_tapas.py │ │ └── tokenization_tapas.py │ ├── tapex │ │ ├── __init__.py │ │ └── tokenization_tapex.py │ ├── time_series_transformer │ │ ├── __init__.py │ │ ├── configuration_time_series_transformer.py │ │ └── modeling_time_series_transformer.py │ ├── timesformer │ │ ├── __init__.py │ │ ├── configuration_timesformer.py │ │ ├── convert_timesformer_to_pytorch.py │ │ └── modeling_timesformer.py │ ├── trajectory_transformer │ │ ├── __init__.py │ │ ├── configuration_trajectory_transformer.py │ │ ├── convert_trajectory_transformer_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_trajectory_transformer.py │ ├── transfo_xl │ │ ├── __init__.py │ │ ├── configuration_transfo_xl.py │ │ ├── convert_transfo_xl_original_tf_checkpoint_to_pytorch.py │ │ ├── modeling_tf_transfo_xl.py │ │ ├── modeling_tf_transfo_xl_utilities.py │ │ ├── modeling_transfo_xl.py │ │ ├── modeling_transfo_xl_utilities.py │ │ └── tokenization_transfo_xl.py │ ├── trocr │ │ ├── __init__.py │ │ ├── configuration_trocr.py │ │ ├── convert_trocr_unilm_to_pytorch.py │ │ ├── modeling_trocr.py │ │ └── processing_trocr.py │ ├── tvlt │ │ ├── __init__.py │ │ ├── configuration_tvlt.py │ │ ├── feature_extraction_tvlt.py │ │ ├── image_processing_tvlt.py │ │ ├── modeling_tvlt.py │ │ └── processing_tvlt.py │ ├── unispeech │ │ ├── __init__.py │ │ ├── configuration_unispeech.py │ │ ├── convert_unispeech_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_unispeech.py │ ├── unispeech_sat │ │ ├── __init__.py │ │ ├── configuration_unispeech_sat.py │ │ ├── convert_unispeech_original_s3prl_checkpoint_to_pytorch.py │ │ ├── convert_unispeech_sat_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_unispeech_sat.py │ ├── upernet │ │ ├── __init__.py │ │ ├── configuration_upernet.py │ │ ├── convert_convnext_upernet_to_pytorch.py │ │ ├── convert_swin_upernet_to_pytorch.py │ │ └── modeling_upernet.py │ ├── van │ │ ├── __init__.py │ │ ├── configuration_van.py │ │ ├── convert_van_to_pytorch.py │ │ └── modeling_van.py │ ├── videomae │ │ ├── __init__.py │ │ ├── configuration_videomae.py │ │ ├── convert_videomae_to_pytorch.py │ │ ├── feature_extraction_videomae.py │ │ ├── image_processing_videomae.py │ │ └── modeling_videomae.py │ ├── vilt │ │ ├── __init__.py │ │ ├── configuration_vilt.py │ │ ├── convert_vilt_original_to_pytorch.py │ │ ├── feature_extraction_vilt.py │ │ ├── image_processing_vilt.py │ │ ├── modeling_vilt.py │ │ └── processing_vilt.py │ ├── vision_encoder_decoder │ │ ├── __init__.py │ │ ├── configuration_vision_encoder_decoder.py │ │ ├── modeling_flax_vision_encoder_decoder.py │ │ ├── modeling_tf_vision_encoder_decoder.py │ │ └── modeling_vision_encoder_decoder.py │ ├── vision_text_dual_encoder │ │ ├── __init__.py │ │ ├── configuration_vision_text_dual_encoder.py │ │ ├── modeling_flax_vision_text_dual_encoder.py │ │ ├── modeling_tf_vision_text_dual_encoder.py │ │ ├── modeling_vision_text_dual_encoder.py │ │ └── processing_vision_text_dual_encoder.py │ ├── visual_bert │ │ ├── __init__.py │ │ ├── configuration_visual_bert.py │ │ ├── convert_visual_bert_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_visual_bert.py │ ├── vit │ │ ├── __init__.py │ │ ├── configuration_vit.py │ │ ├── convert_dino_to_pytorch.py │ │ ├── convert_vit_timm_to_pytorch.py │ │ ├── feature_extraction_vit.py │ │ ├── image_processing_vit.py │ │ ├── modeling_flax_vit.py │ │ ├── modeling_tf_vit.py │ │ └── modeling_vit.py │ ├── vit_hybrid │ │ ├── __init__.py │ │ ├── configuration_vit_hybrid.py │ │ ├── convert_vit_hybrid_timm_to_pytorch.py │ │ ├── image_processing_vit_hybrid.py │ │ └── modeling_vit_hybrid.py │ ├── vit_mae │ │ ├── __init__.py │ │ ├── configuration_vit_mae.py │ │ ├── convert_vit_mae_to_pytorch.py │ │ ├── modeling_tf_vit_mae.py │ │ └── modeling_vit_mae.py │ ├── vit_msn │ │ ├── __init__.py │ │ ├── configuration_vit_msn.py │ │ ├── convert_msn_to_pytorch.py │ │ └── modeling_vit_msn.py │ ├── wav2vec2 │ │ ├── __init__.py │ │ ├── configuration_wav2vec2.py │ │ ├── convert_wav2vec2_original_pytorch_checkpoint_to_pytorch.py │ │ ├── convert_wav2vec2_original_s3prl_checkpoint_to_pytorch.py │ │ ├── feature_extraction_wav2vec2.py │ │ ├── modeling_flax_wav2vec2.py │ │ ├── modeling_tf_wav2vec2.py │ │ ├── modeling_wav2vec2.py │ │ ├── processing_wav2vec2.py │ │ └── tokenization_wav2vec2.py │ ├── wav2vec2_conformer │ │ ├── __init__.py │ │ ├── configuration_wav2vec2_conformer.py │ │ ├── convert_wav2vec2_conformer_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_wav2vec2_conformer.py │ ├── wav2vec2_phoneme │ │ ├── __init__.py │ │ └── tokenization_wav2vec2_phoneme.py │ ├── wav2vec2_with_lm │ │ ├── __init__.py │ │ └── processing_wav2vec2_with_lm.py │ ├── wavlm │ │ ├── __init__.py │ │ ├── configuration_wavlm.py │ │ ├── convert_wavlm_original_pytorch_checkpoint_to_pytorch.py │ │ ├── convert_wavlm_original_s3prl_checkpoint_to_pytorch.py │ │ └── modeling_wavlm.py │ ├── whisper │ │ ├── __init__.py │ │ ├── configuration_whisper.py │ │ ├── convert_openai_to_hf.py │ │ ├── english_normalizer.py │ │ ├── feature_extraction_whisper.py │ │ ├── modeling_flax_whisper.py │ │ ├── modeling_tf_whisper.py │ │ ├── modeling_whisper.py │ │ ├── processing_whisper.py │ │ ├── tokenization_whisper.py │ │ └── tokenization_whisper_fast.py │ ├── x_clip │ │ ├── __init__.py │ │ ├── configuration_x_clip.py │ │ ├── convert_x_clip_original_pytorch_to_hf.py │ │ ├── modeling_x_clip.py │ │ └── processing_x_clip.py │ ├── xglm │ │ ├── __init__.py │ │ ├── configuration_xglm.py │ │ ├── convert_xglm_original_ckpt_to_trfms.py │ │ ├── modeling_flax_xglm.py │ │ ├── modeling_tf_xglm.py │ │ ├── modeling_xglm.py │ │ ├── tokenization_xglm.py │ │ └── tokenization_xglm_fast.py │ ├── xlm │ │ ├── __init__.py │ │ ├── configuration_xlm.py │ │ ├── convert_xlm_original_pytorch_checkpoint_to_pytorch.py │ │ ├── modeling_tf_xlm.py │ │ ├── modeling_xlm.py │ │ └── tokenization_xlm.py │ ├── xlm_prophetnet │ │ ├── __init__.py │ │ ├── configuration_xlm_prophetnet.py │ │ ├── modeling_xlm_prophetnet.py │ │ └── tokenization_xlm_prophetnet.py │ ├── xlm_roberta │ │ ├── __init__.py │ │ ├── configuration_xlm_roberta.py │ │ ├── modeling_flax_xlm_roberta.py │ │ ├── modeling_tf_xlm_roberta.py │ │ ├── modeling_xlm_roberta.py │ │ ├── tokenization_xlm_roberta.py │ │ └── tokenization_xlm_roberta_fast.py │ ├── xlm_roberta_xl │ │ ├── __init__.py │ │ ├── configuration_xlm_roberta_xl.py │ │ ├── convert_xlm_roberta_xl_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_xlm_roberta_xl.py │ ├── xlnet │ │ ├── __init__.py │ │ ├── configuration_xlnet.py │ │ ├── convert_xlnet_original_tf_checkpoint_to_pytorch.py │ │ ├── modeling_tf_xlnet.py │ │ ├── modeling_xlnet.py │ │ ├── tokenization_xlnet.py │ │ └── tokenization_xlnet_fast.py │ ├── xmod │ │ ├── __init__.py │ │ ├── configuration_xmod.py │ │ ├── convert_xmod_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_xmod.py │ ├── yolos │ │ ├── __init__.py │ │ ├── configuration_yolos.py │ │ ├── convert_yolos_to_pytorch.py │ │ ├── feature_extraction_yolos.py │ │ ├── image_processing_yolos.py │ │ └── modeling_yolos.py │ └── yoso │ │ ├── __init__.py │ │ ├── common.h │ │ ├── common_cuda.h │ │ ├── common_cuda_device.h │ │ ├── configuration_yoso.py │ │ ├── convert_yoso_pytorch_to_pytorch.py │ │ ├── fast_lsh_cumulation.cu │ │ ├── fast_lsh_cumulation.h │ │ ├── fast_lsh_cumulation_cuda.cu │ │ ├── fast_lsh_cumulation_cuda.h │ │ ├── fast_lsh_cumulation_torch.cpp │ │ └── modeling_yoso.py │ ├── onnx │ ├── __init__.py │ ├── __main__.py │ ├── config.py │ ├── convert.py │ ├── features.py │ └── utils.py │ ├── optimization.py │ ├── optimization_tf.py │ ├── pipelines │ ├── __init__.py │ ├── audio_classification.py │ ├── audio_utils.py │ ├── automatic_speech_recognition.py │ ├── base.py │ ├── conversational.py │ ├── depth_estimation.py │ ├── document_question_answering.py │ ├── feature_extraction.py │ ├── fill_mask.py │ ├── image_classification.py │ ├── image_segmentation.py │ ├── image_to_text.py │ ├── mask_generation.py │ ├── object_detection.py │ ├── pt_utils.py │ ├── question_answering.py │ ├── table_question_answering.py │ ├── text2text_generation.py │ ├── text_classification.py │ ├── text_generation.py │ ├── token_classification.py │ ├── video_classification.py │ ├── visual_question_answering.py │ ├── zero_shot_audio_classification.py │ ├── zero_shot_classification.py │ ├── zero_shot_image_classification.py │ └── zero_shot_object_detection.py │ ├── processing_utils.py │ ├── pytorch_utils.py │ ├── sagemaker │ ├── __init__.py │ ├── trainer_sm.py │ └── training_args_sm.py │ ├── testing_utils.py │ ├── tf_utils.py │ ├── time_series_utils.py │ ├── tokenization_utils.py │ ├── tokenization_utils_base.py │ ├── tokenization_utils_fast.py │ ├── tools │ ├── __init__.py │ ├── agents.py │ ├── base.py │ ├── document_question_answering.py │ ├── evaluate_agent.py │ ├── image_captioning.py │ ├── image_question_answering.py │ ├── image_segmentation.py │ ├── prompts.py │ ├── python_interpreter.py │ ├── speech_to_text.py │ ├── text_classification.py │ ├── text_question_answering.py │ ├── text_summarization.py │ ├── text_to_speech.py │ └── translation.py │ ├── trainer.py │ ├── trainer_callback.py │ ├── trainer_pt_utils.py │ ├── trainer_seq2seq.py │ ├── trainer_tf.py │ ├── trainer_utils.py │ ├── training_args.py │ ├── training_args_seq2seq.py │ ├── training_args_tf.py │ └── utils │ ├── __init__.py │ ├── backbone_utils.py │ ├── bitsandbytes.py │ ├── constants.py │ ├── doc.py │ ├── dummy_detectron2_objects.py │ ├── dummy_flax_objects.py │ ├── dummy_keras_nlp_objects.py │ ├── dummy_pt_objects.py │ ├── dummy_sentencepiece_and_tokenizers_objects.py │ ├── dummy_sentencepiece_objects.py │ ├── dummy_speech_objects.py │ ├── dummy_tensorflow_text_objects.py │ ├── dummy_tf_objects.py │ ├── dummy_tokenizers_objects.py │ ├── dummy_vision_objects.py │ ├── fx.py │ ├── generic.py │ ├── hp_naming.py │ ├── hub.py │ ├── import_utils.py │ ├── logging.py │ ├── model_parallel_utils.py │ ├── notebook.py │ ├── quantization_config.py │ ├── sentencepiece_model_pb2.py │ └── versions.py ├── templates ├── adding_a_missing_tokenization_test │ ├── README.md │ ├── cookiecutter-template-{{cookiecutter.modelname}} │ │ └── test_tokenization_{{cookiecutter.lowercase_modelname}}.py │ └── cookiecutter.json ├── adding_a_new_example_script │ ├── README.md │ ├── cookiecutter.json │ └── {{cookiecutter.directory_name}} │ │ └── run_{{cookiecutter.example_shortcut}}.py └── adding_a_new_model │ ├── ADD_NEW_MODEL_PROPOSAL_TEMPLATE.md │ ├── README.md │ ├── cookiecutter-template-{{cookiecutter.modelname}} │ ├── __init__.py │ ├── configuration.json │ ├── configuration_{{cookiecutter.lowercase_modelname}}.py │ ├── modeling_flax_{{cookiecutter.lowercase_modelname}}.py │ ├── modeling_tf_{{cookiecutter.lowercase_modelname}}.py │ ├── modeling_{{cookiecutter.lowercase_modelname}}.py │ ├── test_modeling_flax_{{cookiecutter.lowercase_modelname}}.py │ ├── test_modeling_tf_{{cookiecutter.lowercase_modelname}}.py │ ├── test_modeling_{{cookiecutter.lowercase_modelname}}.py │ ├── to_replace_{{cookiecutter.lowercase_modelname}}.py │ ├── tokenization_fast_{{cookiecutter.lowercase_modelname}}.py │ ├── tokenization_{{cookiecutter.lowercase_modelname}}.py │ └── {{cookiecutter.lowercase_modelname}}.mdx │ ├── cookiecutter.json │ ├── open_model_proposals │ ├── ADD_BIG_BIRD.md │ └── README.md │ └── tests │ ├── encoder-bert-tokenizer.json │ ├── flax-encoder-bert-tokenizer.json │ ├── flax-seq-2-seq-bart-tokenizer.json │ ├── pt-encoder-bert-tokenizer.json │ ├── pt-seq-2-seq-bart-tokenizer.json │ ├── standalone.json │ ├── tf-encoder-bert-tokenizer.json │ └── tf-seq-2-seq-bart-tokenizer.json ├── tests ├── __init__.py ├── benchmark │ ├── __init__.py │ ├── test_benchmark.py │ └── test_benchmark_tf.py ├── bettertransformer │ ├── __init__.py │ └── test_integration.py ├── deepspeed │ ├── ds_config_zero2.json │ ├── ds_config_zero3.json │ ├── test_deepspeed.py │ ├── test_model_zoo.py │ └── vit_feature_extractor.json ├── extended │ └── test_trainer_ext.py ├── fixtures │ ├── add_distilbert_like_config.json │ ├── dummy-config.json │ ├── dummy_feature_extractor_config.json │ ├── empty.txt │ ├── input.txt │ ├── merges.txt │ ├── preprocessor_config.json │ ├── sample_text.txt │ ├── sample_text_no_unicode.txt │ ├── spiece.model │ ├── test_entity_vocab.json │ ├── test_sentencepiece.model │ ├── test_sentencepiece_bpe.model │ ├── test_sentencepiece_bpe_char.model │ ├── test_sentencepiece_no_bos.model │ ├── test_sentencepiece_with_bytefallback.model │ ├── tests_samples │ │ ├── .gitignore │ │ ├── COCO │ │ │ ├── 000000039769.png │ │ │ ├── coco_annotations.txt │ │ │ ├── coco_panoptic │ │ │ │ └── 000000039769.png │ │ │ └── coco_panoptic_annotations.txt │ │ ├── GermEval │ │ │ ├── dev.txt │ │ │ ├── labels.txt │ │ │ └── train.txt │ │ ├── MRPC │ │ │ ├── dev.csv │ │ │ ├── dev.tsv │ │ │ ├── train.csv │ │ │ └── train.tsv │ │ ├── SQUAD │ │ │ └── sample.json │ │ ├── STS-B │ │ │ ├── dev.tsv │ │ │ └── train.tsv │ │ ├── conll │ │ │ └── sample.json │ │ ├── swag │ │ │ └── sample.json │ │ ├── wiki_text │ │ │ └── wiki_00 │ │ ├── wmt16 │ │ │ └── sample.json │ │ ├── wmt_en_ro │ │ │ ├── test.json │ │ │ ├── train.json │ │ │ └── val.json │ │ └── xsum │ │ │ └── sample.json │ ├── vocab.json │ └── vocab.txt ├── generation │ ├── __init__.py │ ├── test_beam_constraints.py │ ├── test_beam_search.py │ ├── test_configuration_utils.py │ ├── test_flax_logits_process.py │ ├── test_flax_utils.py │ ├── test_framework_agnostic.py │ ├── test_logits_process.py │ ├── test_stopping_criteria.py │ ├── test_streamers.py │ ├── test_tf_logits_process.py │ ├── test_tf_utils.py │ └── test_utils.py ├── mixed_int8 │ ├── README.md │ ├── __init__.py │ └── test_mixed_int8.py ├── models │ ├── __init__.py │ ├── albert │ │ ├── __init__.py │ │ ├── test_modeling_albert.py │ │ ├── test_modeling_flax_albert.py │ │ ├── test_modeling_tf_albert.py │ │ └── test_tokenization_albert.py │ ├── align │ │ ├── __init__.py │ │ ├── test_modeling_align.py │ │ └── test_processor_align.py │ ├── altclip │ │ ├── __init__.py │ │ └── test_modeling_altclip.py │ ├── audio_spectrogram_transformer │ │ ├── __init__.py │ │ ├── test_feature_extraction_audio_spectrogram_transformer.py │ │ └── test_modeling_audio_spectrogram_transformer.py │ ├── auto │ │ ├── __init__.py │ │ ├── test_configuration_auto.py │ │ ├── test_feature_extraction_auto.py │ │ ├── test_image_processing_auto.py │ │ ├── test_modeling_auto.py │ │ ├── test_modeling_flax_auto.py │ │ ├── test_modeling_tf_auto.py │ │ ├── test_modeling_tf_pytorch.py │ │ ├── test_processor_auto.py │ │ └── test_tokenization_auto.py │ ├── bart │ │ ├── __init__.py │ │ ├── test_modeling_bart.py │ │ ├── test_modeling_flax_bart.py │ │ ├── test_modeling_tf_bart.py │ │ └── test_tokenization_bart.py │ ├── barthez │ │ ├── __init__.py │ │ └── test_tokenization_barthez.py │ ├── bartpho │ │ ├── __init__.py │ │ └── test_tokenization_bartpho.py │ ├── beit │ │ ├── __init__.py │ │ ├── test_image_processing_beit.py │ │ ├── test_modeling_beit.py │ │ └── test_modeling_flax_beit.py │ ├── bert │ │ ├── __init__.py │ │ ├── test_modeling_bert.py │ │ ├── test_modeling_flax_bert.py │ │ ├── test_modeling_tf_bert.py │ │ ├── test_tokenization_bert.py │ │ └── test_tokenization_bert_tf.py │ ├── bert_generation │ │ ├── __init__.py │ │ ├── test_modeling_bert_generation.py │ │ └── test_tokenization_bert_generation.py │ ├── bert_japanese │ │ ├── __init__.py │ │ └── test_tokenization_bert_japanese.py │ ├── bertweet │ │ ├── __init__.py │ │ └── test_tokenization_bertweet.py │ ├── big_bird │ │ ├── __init__.py │ │ ├── test_modeling_big_bird.py │ │ ├── test_modeling_flax_big_bird.py │ │ └── test_tokenization_big_bird.py │ ├── bigbird_pegasus │ │ ├── __init__.py │ │ └── test_modeling_bigbird_pegasus.py │ ├── biogpt │ │ ├── __init__.py │ │ ├── test_modeling_biogpt.py │ │ └── test_tokenization_biogpt.py │ ├── bit │ │ ├── __init__.py │ │ └── test_modeling_bit.py │ ├── blenderbot │ │ ├── __init__.py │ │ ├── test_modeling_blenderbot.py │ │ ├── test_modeling_flax_blenderbot.py │ │ ├── test_modeling_tf_blenderbot.py │ │ └── test_tokenization_blenderbot.py │ ├── blenderbot_small │ │ ├── __init__.py │ │ ├── test_modeling_blenderbot_small.py │ │ ├── test_modeling_flax_blenderbot_small.py │ │ ├── test_modeling_tf_blenderbot_small.py │ │ └── test_tokenization_blenderbot_small.py │ ├── blip │ │ ├── __init__.py │ │ ├── test_image_processing_blip.py │ │ ├── test_modeling_blip.py │ │ ├── test_modeling_blip_text.py │ │ ├── test_modeling_tf_blip.py │ │ ├── test_modeling_tf_blip_text.py │ │ └── test_processor_blip.py │ ├── blip_2 │ │ ├── __init__.py │ │ ├── test_modeling_blip_2.py │ │ └── test_processor_blip_2.py │ ├── bloom │ │ ├── __init__.py │ │ ├── test_modeling_bloom.py │ │ └── test_tokenization_bloom.py │ ├── bort │ │ ├── __init__.py │ │ ├── test_modeling_bort.py │ │ └── test_modeling_tf_bort.py │ ├── bridgetower │ │ ├── __init__.py │ │ ├── test_image_processing_bridgetower.py │ │ └── test_modeling_bridgetower.py │ ├── byt5 │ │ ├── __init__.py │ │ └── test_tokenization_byt5.py │ ├── camembert │ │ ├── __init__.py │ │ ├── test_modeling_camembert.py │ │ ├── test_modeling_tf_camembert.py │ │ └── test_tokenization_camembert.py │ ├── canine │ │ ├── __init__.py │ │ ├── test_modeling_canine.py │ │ └── test_tokenization_canine.py │ ├── chinese_clip │ │ ├── __init__.py │ │ ├── test_image_processing_chinese_clip.py │ │ ├── test_modeling_chinese_clip.py │ │ └── test_processor_chinese_clip.py │ ├── clap │ │ ├── __init__.py │ │ ├── test_feature_extraction_clap.py │ │ ├── test_modeling_clap.py │ │ └── test_processor_clap.py │ ├── clip │ │ ├── __init__.py │ │ ├── test_image_processing_clip.py │ │ ├── test_modeling_clip.py │ │ ├── test_modeling_flax_clip.py │ │ ├── test_modeling_tf_clip.py │ │ ├── test_processor_clip.py │ │ └── test_tokenization_clip.py │ ├── clipseg │ │ ├── __init__.py │ │ ├── test_modeling_clipseg.py │ │ └── test_processor_clipseg.py │ ├── codegen │ │ ├── __init__.py │ │ ├── test_modeling_codegen.py │ │ └── test_tokenization_codegen.py │ ├── conditional_detr │ │ ├── __init__.py │ │ ├── test_image_processing_conditional_detr.py │ │ └── test_modeling_conditional_detr.py │ ├── convbert │ │ ├── __init__.py │ │ ├── test_modeling_convbert.py │ │ └── test_modeling_tf_convbert.py │ ├── convnext │ │ ├── __init__.py │ │ ├── test_image_processing_convnext.py │ │ ├── test_modeling_convnext.py │ │ └── test_modeling_tf_convnext.py │ ├── convnextv2 │ │ ├── __init__.py │ │ └── test_modeling_convnextv2.py │ ├── cpm │ │ ├── __init__.py │ │ └── test_tokenization_cpm.py │ ├── cpmant │ │ ├── __init__.py │ │ ├── test_modeling_cpmant.py │ │ └── test_tokenization_cpmant.py │ ├── ctrl │ │ ├── __init__.py │ │ ├── test_modeling_ctrl.py │ │ ├── test_modeling_tf_ctrl.py │ │ └── test_tokenization_ctrl.py │ ├── cvt │ │ ├── __init__.py │ │ ├── test_modeling_cvt.py │ │ └── test_modeling_tf_cvt.py │ ├── data2vec │ │ ├── __init__.py │ │ ├── test_modeling_data2vec_audio.py │ │ ├── test_modeling_data2vec_text.py │ │ ├── test_modeling_data2vec_vision.py │ │ └── test_modeling_tf_data2vec_vision.py │ ├── deberta │ │ ├── __init__.py │ │ ├── test_modeling_deberta.py │ │ ├── test_modeling_tf_deberta.py │ │ └── test_tokenization_deberta.py │ ├── deberta_v2 │ │ ├── __init__.py │ │ ├── test_modeling_deberta_v2.py │ │ ├── test_modeling_tf_deberta_v2.py │ │ └── test_tokenization_deberta_v2.py │ ├── decision_transformer │ │ ├── __init__.py │ │ └── test_modeling_decision_transformer.py │ ├── deformable_detr │ │ ├── __init__.py │ │ ├── test_image_processing_deformable_detr.py │ │ └── test_modeling_deformable_detr.py │ ├── deit │ │ ├── __init__.py │ │ ├── test_image_processing_deit.py │ │ ├── test_modeling_deit.py │ │ └── test_modeling_tf_deit.py │ ├── deta │ │ ├── __init__.py │ │ ├── test_image_processing_deta.py │ │ └── test_modeling_deta.py │ ├── detr │ │ ├── __init__.py │ │ ├── test_image_processing_detr.py │ │ └── test_modeling_detr.py │ ├── dinat │ │ ├── __init__.py │ │ └── test_modeling_dinat.py │ ├── distilbert │ │ ├── __init__.py │ │ ├── test_modeling_distilbert.py │ │ ├── test_modeling_flax_distilbert.py │ │ ├── test_modeling_tf_distilbert.py │ │ └── test_tokenization_distilbert.py │ ├── dit │ │ ├── __init__.py │ │ └── test_modeling_dit.py │ ├── donut │ │ ├── __init__.py │ │ ├── test_image_processing_donut.py │ │ ├── test_modeling_donut_swin.py │ │ └── test_processing_donut.py │ ├── dpr │ │ ├── __init__.py │ │ ├── test_modeling_dpr.py │ │ ├── test_modeling_tf_dpr.py │ │ └── test_tokenization_dpr.py │ ├── dpt │ │ ├── __init__.py │ │ ├── test_image_processing_dpt.py │ │ ├── test_modeling_dpt.py │ │ └── test_modeling_dpt_hybrid.py │ ├── efficientformer │ │ ├── __init__.py │ │ ├── test_image_processing_efficientformer.py │ │ └── test_modeling_efficientformer.py │ ├── efficientnet │ │ ├── __init__.py │ │ ├── test_image_processing_efficientnet.py │ │ └── test_modeling_efficientnet.py │ ├── electra │ │ ├── __init__.py │ │ ├── test_modeling_electra.py │ │ ├── test_modeling_flax_electra.py │ │ └── test_modeling_tf_electra.py │ ├── encoder_decoder │ │ ├── __init__.py │ │ ├── test_modeling_encoder_decoder.py │ │ ├── test_modeling_flax_encoder_decoder.py │ │ └── test_modeling_tf_encoder_decoder.py │ ├── ernie │ │ ├── __init__.py │ │ └── test_modeling_ernie.py │ ├── ernie_m │ │ ├── __init__.py │ │ ├── test_modeling_ernie_m.py │ │ └── test_tokenization_ernie_m.py │ ├── esm │ │ ├── __init__.py │ │ ├── test_modeling_esm.py │ │ ├── test_modeling_esmfold.py │ │ ├── test_modeling_tf_esm.py │ │ └── test_tokenization_esm.py │ ├── flaubert │ │ ├── __init__.py │ │ ├── test_modeling_flaubert.py │ │ └── test_modeling_tf_flaubert.py │ ├── flava │ │ ├── __init__.py │ │ ├── test_image_processing_flava.py │ │ ├── test_modeling_flava.py │ │ └── test_processor_flava.py │ ├── fnet │ │ ├── __init__.py │ │ ├── test_modeling_fnet.py │ │ └── test_tokenization_fnet.py │ ├── focalnet │ │ ├── __init__.py │ │ └── test_modeling_focalnet.py │ ├── fsmt │ │ ├── __init__.py │ │ ├── test_modeling_fsmt.py │ │ └── test_tokenization_fsmt.py │ ├── funnel │ │ ├── __init__.py │ │ ├── test_modeling_funnel.py │ │ ├── test_modeling_tf_funnel.py │ │ └── test_tokenization_funnel.py │ ├── git │ │ ├── __init__.py │ │ ├── test_modeling_git.py │ │ └── test_processor_git.py │ ├── glpn │ │ ├── __init__.py │ │ ├── test_image_processing_glpn.py │ │ └── test_modeling_glpn.py │ ├── gpt2 │ │ ├── __init__.py │ │ ├── test_modeling_flax_gpt2.py │ │ ├── test_modeling_gpt2.py │ │ ├── test_modeling_tf_gpt2.py │ │ ├── test_tokenization_gpt2.py │ │ └── test_tokenization_gpt2_tf.py │ ├── gpt_bigcode │ │ ├── __init__.py │ │ └── test_modeling_gpt_bigcode.py │ ├── gpt_neo │ │ ├── __init__.py │ │ ├── test_modeling_flax_gpt_neo.py │ │ └── test_modeling_gpt_neo.py │ ├── gpt_neox │ │ ├── __init__.py │ │ └── test_modeling_gpt_neox.py │ ├── gpt_neox_japanese │ │ ├── __init__.py │ │ ├── test_modeling_gpt_neox_japanese.py │ │ └── test_tokenization_gpt_neox_japanese.py │ ├── gpt_sw3 │ │ ├── __init__.py │ │ └── test_tokenization_gpt_sw3.py │ ├── gptj │ │ ├── __init__.py │ │ ├── test_modeling_flax_gptj.py │ │ ├── test_modeling_gptj.py │ │ └── test_modeling_tf_gptj.py │ ├── gptsan_japanese │ │ ├── __init__.py │ │ ├── test_modeling_gptsan_japanese.py │ │ └── test_tokenization_gptsan_japanese.py │ ├── graphormer │ │ ├── __init__.py │ │ └── test_modeling_graphormer.py │ ├── groupvit │ │ ├── __init__.py │ │ ├── test_modeling_groupvit.py │ │ └── test_modeling_tf_groupvit.py │ ├── herbert │ │ ├── __init__.py │ │ └── test_tokenization_herbert.py │ ├── hubert │ │ ├── __init__.py │ │ ├── test_modeling_hubert.py │ │ └── test_modeling_tf_hubert.py │ ├── ibert │ │ ├── __init__.py │ │ └── test_modeling_ibert.py │ ├── imagegpt │ │ ├── __init__.py │ │ ├── test_image_processing_imagegpt.py │ │ └── test_modeling_imagegpt.py │ ├── informer │ │ ├── __init__.py │ │ └── test_modeling_informer.py │ ├── jukebox │ │ ├── __init__.py │ │ ├── test_modeling_jukebox.py │ │ └── test_tokenization_jukebox.py │ ├── layoutlm │ │ ├── __init__.py │ │ ├── test_modeling_layoutlm.py │ │ ├── test_modeling_tf_layoutlm.py │ │ └── test_tokenization_layoutlm.py │ ├── layoutlmv2 │ │ ├── __init__.py │ │ ├── test_image_processing_layoutlmv2.py │ │ ├── test_modeling_layoutlmv2.py │ │ ├── test_processor_layoutlmv2.py │ │ └── test_tokenization_layoutlmv2.py │ ├── layoutlmv3 │ │ ├── __init__.py │ │ ├── test_image_processing_layoutlmv3.py │ │ ├── test_modeling_layoutlmv3.py │ │ ├── test_modeling_tf_layoutlmv3.py │ │ ├── test_processor_layoutlmv3.py │ │ └── test_tokenization_layoutlmv3.py │ ├── layoutxlm │ │ ├── __init__.py │ │ ├── test_processor_layoutxlm.py │ │ └── test_tokenization_layoutxlm.py │ ├── led │ │ ├── __init__.py │ │ ├── test_modeling_led.py │ │ ├── test_modeling_tf_led.py │ │ └── test_tokenization_led.py │ ├── levit │ │ ├── __init__.py │ │ ├── test_image_processing_levit.py │ │ └── test_modeling_levit.py │ ├── lilt │ │ ├── __init__.py │ │ └── test_modeling_lilt.py │ ├── llama │ │ ├── __init__.py │ │ ├── test_modeling_llama.py │ │ └── test_tokenization_llama.py │ ├── longformer │ │ ├── __init__.py │ │ ├── test_modeling_longformer.py │ │ ├── test_modeling_tf_longformer.py │ │ └── test_tokenization_longformer.py │ ├── longt5 │ │ ├── __init__.py │ │ ├── test_modeling_flax_longt5.py │ │ └── test_modeling_longt5.py │ ├── luke │ │ ├── __init__.py │ │ ├── test_modeling_luke.py │ │ └── test_tokenization_luke.py │ ├── lxmert │ │ ├── __init__.py │ │ ├── test_modeling_lxmert.py │ │ ├── test_modeling_tf_lxmert.py │ │ └── test_tokenization_lxmert.py │ ├── m2m_100 │ │ ├── __init__.py │ │ ├── test_modeling_m2m_100.py │ │ └── test_tokenization_m2m_100.py │ ├── marian │ │ ├── __init__.py │ │ ├── test_modeling_flax_marian.py │ │ ├── test_modeling_marian.py │ │ ├── test_modeling_tf_marian.py │ │ └── test_tokenization_marian.py │ ├── markuplm │ │ ├── __init__.py │ │ ├── test_feature_extraction_markuplm.py │ │ ├── test_modeling_markuplm.py │ │ ├── test_processor_markuplm.py │ │ └── test_tokenization_markuplm.py │ ├── mask2former │ │ ├── __init__.py │ │ ├── test_image_processing_mask2former.py │ │ └── test_modeling_mask2former.py │ ├── maskformer │ │ ├── __init__.py │ │ ├── test_image_processing_maskformer.py │ │ ├── test_modeling_maskformer.py │ │ └── test_modeling_maskformer_swin.py │ ├── mbart │ │ ├── __init__.py │ │ ├── test_modeling_flax_mbart.py │ │ ├── test_modeling_mbart.py │ │ ├── test_modeling_tf_mbart.py │ │ └── test_tokenization_mbart.py │ ├── mbart50 │ │ ├── __init__.py │ │ └── test_tokenization_mbart50.py │ ├── mctct │ │ ├── __init__.py │ │ ├── test_feature_extraction_mctct.py │ │ ├── test_modeling_mctct.py │ │ └── test_processor_mctct.py │ ├── mega │ │ ├── __init__.py │ │ └── test_modeling_mega.py │ ├── megatron_bert │ │ ├── __init__.py │ │ └── test_modeling_megatron_bert.py │ ├── megatron_gpt2 │ │ ├── __init__.py │ │ └── test_modeling_megatron_gpt2.py │ ├── mgp_str │ │ ├── __init__.py │ │ ├── test_modeling_mgp_str.py │ │ ├── test_processor_mgp_str.py │ │ └── test_tokenization_mgp_str.py │ ├── mluke │ │ ├── __init__.py │ │ └── test_tokenization_mluke.py │ ├── mobilebert │ │ ├── __init__.py │ │ ├── test_modeling_mobilebert.py │ │ ├── test_modeling_tf_mobilebert.py │ │ └── test_tokenization_mobilebert.py │ ├── mobilenet_v1 │ │ ├── __init__.py │ │ ├── test_image_processing_mobilenet_v1.py │ │ └── test_modeling_mobilenet_v1.py │ ├── mobilenet_v2 │ │ ├── __init__.py │ │ ├── test_image_processing_mobilenet_v2.py │ │ └── test_modeling_mobilenet_v2.py │ ├── mobilevit │ │ ├── __init__.py │ │ ├── test_image_processing_mobilevit.py │ │ ├── test_modeling_mobilevit.py │ │ └── test_modeling_tf_mobilevit.py │ ├── mpnet │ │ ├── __init__.py │ │ ├── test_modeling_mpnet.py │ │ ├── test_modeling_tf_mpnet.py │ │ └── test_tokenization_mpnet.py │ ├── mt5 │ │ ├── __init__.py │ │ ├── test_modeling_flax_mt5.py │ │ ├── test_modeling_mt5.py │ │ └── test_modeling_tf_mt5.py │ ├── mvp │ │ ├── __init__.py │ │ ├── test_modeling_mvp.py │ │ └── test_tokenization_mvp.py │ ├── nat │ │ ├── __init__.py │ │ └── test_modeling_nat.py │ ├── nezha │ │ ├── __init__.py │ │ └── test_modeling_nezha.py │ ├── nllb │ │ ├── __init__.py │ │ └── test_tokenization_nllb.py │ ├── nllb_moe │ │ ├── __init__.py │ │ └── test_modeling_nllb_moe.py │ ├── nystromformer │ │ ├── __init__.py │ │ └── test_modeling_nystromformer.py │ ├── oneformer │ │ ├── __init__.py │ │ ├── test_image_processing_oneformer.py │ │ ├── test_modeling_oneformer.py │ │ └── test_processor_oneformer.py │ ├── open_llama │ │ ├── __init__.py │ │ └── test_modeling_open_llama.py │ ├── openai │ │ ├── __init__.py │ │ ├── test_modeling_openai.py │ │ ├── test_modeling_tf_openai.py │ │ └── test_tokenization_openai.py │ ├── opt │ │ ├── __init__.py │ │ ├── test_modeling_flax_opt.py │ │ ├── test_modeling_opt.py │ │ └── test_modeling_tf_opt.py │ ├── owlvit │ │ ├── __init__.py │ │ ├── test_image_processing_owlvit.py │ │ ├── test_modeling_owlvit.py │ │ └── test_processor_owlvit.py │ ├── pegasus │ │ ├── __init__.py │ │ ├── test_modeling_flax_pegasus.py │ │ ├── test_modeling_pegasus.py │ │ ├── test_modeling_tf_pegasus.py │ │ └── test_tokenization_pegasus.py │ ├── pegasus_x │ │ ├── __init__.py │ │ └── test_modeling_pegasus_x.py │ ├── perceiver │ │ ├── __init__.py │ │ ├── test_modeling_perceiver.py │ │ └── test_tokenization_perceiver.py │ ├── phobert │ │ ├── __init__.py │ │ └── test_tokenization_phobert.py │ ├── pix2struct │ │ ├── __init__.py │ │ ├── test_image_processing_pix2struct.py │ │ ├── test_modeling_pix2struct.py │ │ └── test_processor_pix2struct.py │ ├── plbart │ │ ├── __init__.py │ │ ├── test_modeling_plbart.py │ │ └── test_tokenization_plbart.py │ ├── poolformer │ │ ├── __init__.py │ │ ├── test_image_processing_poolformer.py │ │ └── test_modeling_poolformer.py │ ├── prophetnet │ │ ├── __init__.py │ │ ├── test_modeling_prophetnet.py │ │ └── test_tokenization_prophetnet.py │ ├── qdqbert │ │ ├── __init__.py │ │ └── test_modeling_qdqbert.py │ ├── rag │ │ ├── __init__.py │ │ ├── test_modeling_rag.py │ │ ├── test_modeling_tf_rag.py │ │ ├── test_retrieval_rag.py │ │ └── test_tokenization_rag.py │ ├── realm │ │ ├── __init__.py │ │ ├── test_modeling_realm.py │ │ ├── test_retrieval_realm.py │ │ └── test_tokenization_realm.py │ ├── reformer │ │ ├── __init__.py │ │ ├── test_modeling_reformer.py │ │ └── test_tokenization_reformer.py │ ├── regnet │ │ ├── __init__.py │ │ ├── test_modeling_flax_regnet.py │ │ ├── test_modeling_regnet.py │ │ └── test_modeling_tf_regnet.py │ ├── rembert │ │ ├── __init__.py │ │ ├── test_modeling_rembert.py │ │ └── test_modeling_tf_rembert.py │ ├── resnet │ │ ├── __init__.py │ │ ├── test_modeling_flax_resnet.py │ │ ├── test_modeling_resnet.py │ │ └── test_modeling_tf_resnet.py │ ├── retribert │ │ ├── __init__.py │ │ └── test_tokenization_retribert.py │ ├── roberta │ │ ├── __init__.py │ │ ├── test_modeling_flax_roberta.py │ │ ├── test_modeling_roberta.py │ │ ├── test_modeling_tf_roberta.py │ │ └── test_tokenization_roberta.py │ ├── roberta_prelayernorm │ │ ├── __init__.py │ │ ├── test_modeling_flax_roberta_prelayernorm.py │ │ ├── test_modeling_roberta_prelayernorm.py │ │ └── test_modeling_tf_roberta_prelayernorm.py │ ├── roc_bert │ │ ├── __init__.py │ │ ├── test_modeling_roc_bert.py │ │ └── test_tokenization_roc_bert.py │ ├── roformer │ │ ├── __init__.py │ │ ├── test_modeling_flax_roformer.py │ │ ├── test_modeling_roformer.py │ │ ├── test_modeling_tf_roformer.py │ │ └── test_tokenization_roformer.py │ ├── rwkv │ │ ├── __init__.py │ │ └── test_modeling_rwkv.py │ ├── sam │ │ ├── __init__.py │ │ ├── test_modeling_sam.py │ │ └── test_processor_sam.py │ ├── segformer │ │ ├── __init__.py │ │ ├── test_image_processing_segformer.py │ │ ├── test_modeling_segformer.py │ │ └── test_modeling_tf_segformer.py │ ├── sew │ │ ├── __init__.py │ │ └── test_modeling_sew.py │ ├── sew_d │ │ ├── __init__.py │ │ └── test_modeling_sew_d.py │ ├── speech_encoder_decoder │ │ ├── __init__.py │ │ ├── test_modeling_flax_speech_encoder_decoder.py │ │ └── test_modeling_speech_encoder_decoder.py │ ├── speech_to_text │ │ ├── __init__.py │ │ ├── test_feature_extraction_speech_to_text.py │ │ ├── test_modeling_speech_to_text.py │ │ ├── test_modeling_tf_speech_to_text.py │ │ ├── test_processor_speech_to_text.py │ │ └── test_tokenization_speech_to_text.py │ ├── speech_to_text_2 │ │ ├── __init__.py │ │ ├── test_modeling_speech_to_text_2.py │ │ └── test_tokenization_speech_to_text_2.py │ ├── speecht5 │ │ ├── __init__.py │ │ ├── test_feature_extraction_speecht5.py │ │ ├── test_modeling_speecht5.py │ │ ├── test_processor_speecht5.py │ │ └── test_tokenization_speecht5.py │ ├── splinter │ │ ├── __init__.py │ │ └── test_modeling_splinter.py │ ├── squeezebert │ │ ├── __init__.py │ │ ├── test_modeling_squeezebert.py │ │ └── test_tokenization_squeezebert.py │ ├── swin │ │ ├── __init__.py │ │ ├── test_modeling_swin.py │ │ └── test_modeling_tf_swin.py │ ├── swin2sr │ │ ├── __init__.py │ │ ├── test_image_processing_swin2sr.py │ │ └── test_modeling_swin2sr.py │ ├── swinv2 │ │ ├── __init__.py │ │ └── test_modeling_swinv2.py │ ├── switch_transformers │ │ ├── __init__.py │ │ └── test_modeling_switch_transformers.py │ ├── t5 │ │ ├── __init__.py │ │ ├── test_modeling_flax_t5.py │ │ ├── test_modeling_t5.py │ │ ├── test_modeling_tf_t5.py │ │ └── test_tokenization_t5.py │ ├── table_transformer │ │ ├── __init__.py │ │ └── test_modeling_table_transformer.py │ ├── tapas │ │ ├── __init__.py │ │ ├── test_modeling_tapas.py │ │ ├── test_modeling_tf_tapas.py │ │ └── test_tokenization_tapas.py │ ├── tapex │ │ ├── __init__.py │ │ └── test_tokenization_tapex.py │ ├── time_series_transformer │ │ ├── __init__.py │ │ └── test_modeling_time_series_transformer.py │ ├── timesformer │ │ ├── __init__.py │ │ └── test_modeling_timesformer.py │ ├── trajectory_transformer │ │ ├── __init__.py │ │ └── test_modeling_trajectory_transformer.py │ ├── transfo_xl │ │ ├── __init__.py │ │ ├── test_modeling_tf_transfo_xl.py │ │ ├── test_modeling_transfo_xl.py │ │ └── test_tokenization_transfo_xl.py │ ├── trocr │ │ ├── __init__.py │ │ └── test_modeling_trocr.py │ ├── tvlt │ │ ├── __init__.py │ │ ├── test_feature_extraction_tvlt.py │ │ ├── test_image_processor_tvlt.py │ │ ├── test_modeling_tvlt.py │ │ └── test_processor_tvlt.py │ ├── unispeech │ │ ├── __init__.py │ │ └── test_modeling_unispeech.py │ ├── unispeech_sat │ │ ├── __init__.py │ │ └── test_modeling_unispeech_sat.py │ ├── upernet │ │ ├── __init__.py │ │ └── test_modeling_upernet.py │ ├── van │ │ ├── __init__.py │ │ └── test_modeling_van.py │ ├── videomae │ │ ├── __init__.py │ │ ├── test_image_processing_videomae.py │ │ └── test_modeling_videomae.py │ ├── vilt │ │ ├── __init__.py │ │ ├── test_image_processing_vilt.py │ │ └── test_modeling_vilt.py │ ├── vision_encoder_decoder │ │ ├── __init__.py │ │ ├── test_modeling_flax_vision_encoder_decoder.py │ │ ├── test_modeling_tf_vision_encoder_decoder.py │ │ └── test_modeling_vision_encoder_decoder.py │ ├── vision_text_dual_encoder │ │ ├── __init__.py │ │ ├── test_modeling_flax_vision_text_dual_encoder.py │ │ ├── test_modeling_tf_vision_text_dual_encoder.py │ │ ├── test_modeling_vision_text_dual_encoder.py │ │ └── test_processor_vision_text_dual_encoder.py │ ├── visual_bert │ │ ├── __init__.py │ │ └── test_modeling_visual_bert.py │ ├── vit │ │ ├── __init__.py │ │ ├── test_image_processing_vit.py │ │ ├── test_modeling_flax_vit.py │ │ ├── test_modeling_tf_vit.py │ │ └── test_modeling_vit.py │ ├── vit_hybrid │ │ ├── __init__.py │ │ └── test_modeling_vit_hybrid.py │ ├── vit_mae │ │ ├── __init__.py │ │ ├── test_modeling_tf_vit_mae.py │ │ └── test_modeling_vit_mae.py │ ├── vit_msn │ │ ├── __init__.py │ │ └── test_modeling_vit_msn.py │ ├── wav2vec2 │ │ ├── __init__.py │ │ ├── test_feature_extraction_wav2vec2.py │ │ ├── test_modeling_flax_wav2vec2.py │ │ ├── test_modeling_tf_wav2vec2.py │ │ ├── test_modeling_wav2vec2.py │ │ ├── test_processor_wav2vec2.py │ │ └── test_tokenization_wav2vec2.py │ ├── wav2vec2_conformer │ │ ├── __init__.py │ │ └── test_modeling_wav2vec2_conformer.py │ ├── wav2vec2_phoneme │ │ ├── __init__.py │ │ └── test_tokenization_wav2vec2_phoneme.py │ ├── wav2vec2_with_lm │ │ ├── __init__.py │ │ └── test_processor_wav2vec2_with_lm.py │ ├── wavlm │ │ ├── __init__.py │ │ └── test_modeling_wavlm.py │ ├── whisper │ │ ├── __init__.py │ │ ├── test_feature_extraction_whisper.py │ │ ├── test_modeling_flax_whisper.py │ │ ├── test_modeling_tf_whisper.py │ │ ├── test_modeling_whisper.py │ │ ├── test_processor_whisper.py │ │ └── test_tokenization_whisper.py │ ├── x_clip │ │ ├── __init__.py │ │ └── test_modeling_x_clip.py │ ├── xglm │ │ ├── __init__.py │ │ ├── test_modeling_flax_xglm.py │ │ ├── test_modeling_tf_xglm.py │ │ ├── test_modeling_xglm.py │ │ └── test_tokenization_xglm.py │ ├── xlm │ │ ├── __init__.py │ │ ├── test_modeling_tf_xlm.py │ │ ├── test_modeling_xlm.py │ │ └── test_tokenization_xlm.py │ ├── xlm_prophetnet │ │ ├── __init__.py │ │ ├── test_modeling_xlm_prophetnet.py │ │ └── test_tokenization_xlm_prophetnet.py │ ├── xlm_roberta │ │ ├── __init__.py │ │ ├── test_modeling_flax_xlm_roberta.py │ │ ├── test_modeling_tf_xlm_roberta.py │ │ ├── test_modeling_xlm_roberta.py │ │ └── test_tokenization_xlm_roberta.py │ ├── xlm_roberta_xl │ │ ├── __init__.py │ │ └── test_modeling_xlm_roberta_xl.py │ ├── xlnet │ │ ├── __init__.py │ │ ├── test_modeling_tf_xlnet.py │ │ ├── test_modeling_xlnet.py │ │ └── test_tokenization_xlnet.py │ ├── xmod │ │ ├── __init__.py │ │ └── test_modeling_xmod.py │ ├── yolos │ │ ├── __init__.py │ │ ├── test_image_processing_yolos.py │ │ └── test_modeling_yolos.py │ └── yoso │ │ ├── __init__.py │ │ └── test_modeling_yoso.py ├── onnx │ ├── __init__.py │ ├── test_features.py │ ├── test_onnx.py │ └── test_onnx_v2.py ├── optimization │ ├── __init__.py │ ├── test_optimization.py │ └── test_optimization_tf.py ├── pipelines │ ├── __init__.py │ ├── test_pipelines_audio_classification.py │ ├── test_pipelines_automatic_speech_recognition.py │ ├── test_pipelines_common.py │ ├── test_pipelines_conversational.py │ ├── test_pipelines_depth_estimation.py │ ├── test_pipelines_document_question_answering.py │ ├── test_pipelines_feature_extraction.py │ ├── test_pipelines_fill_mask.py │ ├── test_pipelines_image_classification.py │ ├── test_pipelines_image_segmentation.py │ ├── test_pipelines_image_to_text.py │ ├── test_pipelines_mask_generation.py │ ├── test_pipelines_object_detection.py │ ├── test_pipelines_question_answering.py │ ├── test_pipelines_summarization.py │ ├── test_pipelines_table_question_answering.py │ ├── test_pipelines_text2text_generation.py │ ├── test_pipelines_text_classification.py │ ├── test_pipelines_text_generation.py │ ├── test_pipelines_token_classification.py │ ├── test_pipelines_translation.py │ ├── test_pipelines_video_classification.py │ ├── test_pipelines_visual_question_answering.py │ ├── test_pipelines_zero_shot.py │ ├── test_pipelines_zero_shot_audio_classification.py │ ├── test_pipelines_zero_shot_image_classification.py │ └── test_pipelines_zero_shot_object_detection.py ├── repo_utils │ ├── test_check_copies.py │ ├── test_check_dummies.py │ ├── test_get_test_info.py │ └── test_tests_fetcher.py ├── sagemaker │ ├── README.md │ ├── __init__.py │ ├── conftest.py │ ├── scripts │ │ ├── pytorch │ │ │ ├── requirements.txt │ │ │ ├── run_ddp.py │ │ │ └── run_glue_model_parallelism.py │ │ └── tensorflow │ │ │ ├── requirements.txt │ │ │ ├── run_tf.py │ │ │ └── run_tf_dist.py │ ├── test_multi_node_data_parallel.py │ ├── test_multi_node_model_parallel.py │ └── test_single_node_gpu.py ├── test_backbone_common.py ├── test_configuration_common.py ├── test_feature_extraction_common.py ├── test_image_processing_common.py ├── test_image_transforms.py ├── test_modeling_common.py ├── test_modeling_flax_common.py ├── test_modeling_tf_common.py ├── test_pipeline_mixin.py ├── test_sequence_feature_extraction_common.py ├── test_tokenization_common.py ├── tokenization │ ├── __init__.py │ ├── test_tokenization_fast.py │ └── test_tokenization_utils.py ├── tools │ ├── __init__.py │ ├── test_document_question_answering.py │ ├── test_image_captioning.py │ ├── test_image_question_answering.py │ ├── test_image_segmentation.py │ ├── test_python_interpreter.py │ ├── test_speech_to_text.py │ ├── test_text_classification.py │ ├── test_text_question_answering.py │ ├── test_text_summarization.py │ ├── test_text_to_speech.py │ ├── test_tools_common.py │ └── test_translation.py ├── trainer │ ├── __init__.py │ ├── test_data_collator.py │ ├── test_trainer.py │ ├── test_trainer_callback.py │ ├── test_trainer_distributed.py │ ├── test_trainer_seq2seq.py │ ├── test_trainer_tpu.py │ └── test_trainer_utils.py └── utils │ ├── __init__.py │ ├── test_activations.py │ ├── test_activations_tf.py │ ├── test_add_new_model_like.py │ ├── test_audio_utils.py │ ├── test_backbone_utils.py │ ├── test_cli.py │ ├── test_convert_slow_tokenizer.py │ ├── test_doc_samples.py │ ├── test_file_utils.py │ ├── test_generic.py │ ├── test_hf_argparser.py │ ├── test_hub_utils.py │ ├── test_image_processing_utils.py │ ├── test_image_utils.py │ ├── test_logging.py │ ├── test_model_card.py │ ├── test_model_output.py │ ├── test_modeling_tf_core.py │ ├── test_offline.py │ ├── test_skip_decorators.py │ ├── test_versions_utils.py │ └── tiny_model_summary.json └── utils ├── add_pipeline_model_mapping_to_test.py ├── check_build.py ├── check_config_attributes.py ├── check_config_docstrings.py ├── check_copies.py ├── check_doc_toc.py ├── check_doctest_list.py ├── check_dummies.py ├── check_inits.py ├── check_model_tester.py ├── check_repo.py ├── check_self_hosted_runner.py ├── check_table.py ├── check_task_guides.py ├── check_tf_ops.py ├── create_dummy_models.py ├── custom_init_isort.py ├── documentation_tests.txt ├── download_glue_data.py ├── extract_warnings.py ├── get_ci_error_statistics.py ├── get_github_job_time.py ├── get_modified_files.py ├── get_previous_daily_ci.py ├── get_test_info.py ├── notification_service.py ├── notification_service_doc_tests.py ├── past_ci_versions.py ├── prepare_for_doc_test.py ├── print_env.py ├── release.py ├── sort_auto_mappings.py ├── test_module ├── __init__.py ├── custom_configuration.py ├── custom_feature_extraction.py ├── custom_image_processing.py ├── custom_modeling.py ├── custom_pipeline.py ├── custom_processing.py ├── custom_tokenization.py └── custom_tokenization_fast.py ├── tests_fetcher.py ├── tf_ops └── onnx.json ├── update_metadata.py └── update_tiny_models.py /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zhangbaijin/From-Redundancy-to-Relevance/HEAD/LICENSE -------------------------------------------------------------------------------- /chair.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zhangbaijin/From-Redundancy-to-Relevance/HEAD/chair.py -------------------------------------------------------------------------------- /minigpt4/common/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /minigpt4/conversation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /minigpt4/datasets/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /minigpt4/datasets/datasets/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/internal/audio_utils.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/internal/file_utils.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/internal/generation_utils.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/internal/image_processing_utils.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/internal/modeling_utils.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/internal/pipelines_utils.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/internal/time_series_utils.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/internal/tokenization_utils.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/internal/trainer_utils.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/agent.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/callback.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/configuration.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/data_collator.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/deepspeed.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/feature_extractor.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/image_processor.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/keras_callbacks.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/logging.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/model.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/onnx.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/optimizer_schedules.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/output.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/pipelines.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/processors.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/quantization.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/text_generation.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/tokenizer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/main_classes/trainer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/albert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/align.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/altclip.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/audio-spectrogram-transformer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/auto.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/bart.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/barthez.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/bartpho.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/beit.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/bert-generation.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/bert-japanese.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/bert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/bertweet.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/big_bird.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/bigbird_pegasus.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/biogpt.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/bit.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/blenderbot-small.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/blenderbot.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/blip-2.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/blip.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/bloom.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/bort.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/bridgetower.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/byt5.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/camembert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/canine.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/chinese_clip.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/clap.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/clip.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/clipseg.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/codegen.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/conditional_detr.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/convbert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/convnext.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/convnextv2.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/cpm.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/cpmant.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/ctrl.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/cvt.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/data2vec.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/deberta-v2.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/deberta.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/decision_transformer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/deformable_detr.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/deit.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/deplot.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/deta.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/detr.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/dialogpt.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/dinat.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/distilbert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/dit.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/donut.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/dpr.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/dpt.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/efficientformer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/efficientnet.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/electra.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/encoder-decoder.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/ernie.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/ernie_m.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/esm.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/flan-t5.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/flan-ul2.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/flaubert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/flava.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/fnet.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/focalnet.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/fsmt.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/funnel.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/git.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/glpn.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/gpt-sw3.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/gpt2.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/gpt_bigcode.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/gpt_neo.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/gpt_neox.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/gpt_neox_japanese.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/gptj.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/gptsan-japanese.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/graphormer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/groupvit.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/herbert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/hubert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/ibert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/imagegpt.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/informer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/jukebox.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/layoutlm.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/layoutlmv2.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/layoutlmv3.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/layoutxlm.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/led.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/levit.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/lilt.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/llama.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/longformer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/longt5.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/luke.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/lxmert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/m2m_100.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/marian.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/markuplm.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/mask2former.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/maskformer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/matcha.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/mbart.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/mctct.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/mega.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/megatron-bert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/megatron_gpt2.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/mgp-str.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/mluke.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/mobilebert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/mobilenet_v1.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/mobilenet_v2.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/mobilevit.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/mpnet.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/mt5.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/mvp.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/nat.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/nezha.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/nllb-moe.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/nllb.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/nystromformer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/oneformer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/open-llama.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/openai-gpt.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/opt.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/owlvit.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/pegasus.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/pegasus_x.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/perceiver.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/phobert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/pix2struct.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/plbart.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/poolformer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/prophetnet.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/qdqbert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/rag.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/realm.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/reformer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/regnet.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/rembert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/resnet.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/retribert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/roberta-prelayernorm.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/roberta.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/roc_bert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/roformer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/rwkv.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/sam.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/segformer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/sew-d.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/sew.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/speech-encoder-decoder.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/speech_to_text.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/speech_to_text_2.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/speecht5.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/splinter.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/squeezebert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/swin.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/swin2sr.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/swinv2.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/switch_transformers.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/t5.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/t5v1.1.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/table-transformer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/tapas.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/tapex.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/time_series_transformer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/timesformer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/trajectory_transformer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/transfo-xl.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/trocr.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/tvlt.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/ul2.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/unispeech-sat.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/unispeech.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/upernet.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/van.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/videomae.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/vilt.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/vision-encoder-decoder.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/vision-text-dual-encoder.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/visual_bert.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/vit.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/vit_hybrid.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/vit_mae.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/vit_msn.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/wav2vec2-conformer.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/wav2vec2.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/wav2vec2_phoneme.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/wavlm.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/whisper.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/xclip.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/xglm.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/xlm-prophetnet.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/xlm-roberta-xl.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/xlm-roberta.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/xlm-v.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/xlm.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/xlnet.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/xls_r.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/xlsr_wav2vec2.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/xmod.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/yolos.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/model_doc/yoso.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/asr.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/audio_classification.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/document_question_answering.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/image_captioning.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/image_classification.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/language_modeling.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/masked_language_modeling.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/monocular_depth_estimation.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/multiple_choice.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/object_detection.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/question_answering.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/semantic_segmentation.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/sequence_classification.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/summarization.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/text-to-speech.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/token_classification.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/translation.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/video_classification.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/zero_shot_image_classification.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/en/tasks/zero_shot_object_detection.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/es/tasks/asr.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/es/tasks/image_classification.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/es/tasks/language_modeling.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/es/tasks/multiple_choice.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/es/tasks/question_answering.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/es/tasks/summarization.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/fr/in_translation.mdx: -------------------------------------------------------------------------------- 1 | # Traduction en cours. -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/ko/in_translation.mdx: -------------------------------------------------------------------------------- 1 | # 열심히 번역 중입니다. 조금 이따 만나요! -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/ko/tasks/image_captioning.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/ko/tasks/image_classification.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/ko/tasks/masked_language_modeling.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/ko/tasks/multiple_choice.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/ko/tasks/question_answering.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/ko/tasks/sequence_classification.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/ko/tasks/summarization.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/ko/tasks/token_classification.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/ko/tasks/translation.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/ko/tasks/zero_shot_image_classification.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/pt/tasks/sequence_classification.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/docs/source/pt/tasks/token_classification.mdx: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/legacy/seq2seq/test_data/fsmt/build-eval-data.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/legacy/seq2seq/test_data/fsmt/fsmt_val_data.json: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/legacy/seq2seq/test_data/wmt_en_ro/test.source: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/legacy/seq2seq/test_data/wmt_en_ro/test.target: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/legacy/seq2seq/test_data/wmt_en_ro/train.len: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/legacy/seq2seq/test_data/wmt_en_ro/train.source: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/legacy/seq2seq/test_data/wmt_en_ro/train.target: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/legacy/seq2seq/test_data/wmt_en_ro/val.len: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/legacy/seq2seq/test_data/wmt_en_ro/val.source: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/legacy/seq2seq/test_data/wmt_en_ro/val.target: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/legacy/token-classification/run_tf_ner.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/legacy/token-classification/scripts/preprocess.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/legacy/token-classification/tasks.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/legacy/token-classification/utils_ner.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/benchmarking/requirements.txt: -------------------------------------------------------------------------------- 1 | torch >= 1.3 -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/contrastive-image-text/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/contrastive-image-text/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/contrastive-image-text/run_clip.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/image-classification/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/image-classification/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/image-classification/run_image_classification.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/image-pretraining/run_mae.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/image-pretraining/run_mim.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/language-modeling/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/language-modeling/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/language-modeling/run_clm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/language-modeling/run_clm_no_trainer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/language-modeling/run_mlm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/language-modeling/run_mlm_no_trainer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/language-modeling/run_plm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/multiple-choice/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/multiple-choice/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/multiple-choice/run_no_trainer.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/multiple-choice/run_swag.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/multiple-choice/run_swag_no_trainer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/question-answering/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/question-answering/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/question-answering/run_qa.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/question-answering/run_qa_beam_search.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/question-answering/run_qa_beam_search_no_trainer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/question-answering/run_qa_no_trainer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/question-answering/run_seq2seq_qa.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/question-answering/trainer_qa.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/question-answering/trainer_seq2seq_qa.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/question-answering/utils_qa.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/semantic-segmentation/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/semantic-segmentation/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/semantic-segmentation/run_semantic_segmentation.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/speech-pretraining/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/speech-pretraining/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/speech-recognition/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/speech-recognition/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/speech-recognition/run_speech_recognition_ctc.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/speech-recognition/run_speech_recognition_seq2seq.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/summarization/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/summarization/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/summarization/run_summarization.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/summarization/run_summarization_no_trainer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/text-classification/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/text-classification/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/text-classification/run_glue.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/text-classification/run_glue_no_trainer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/text-classification/run_xnli.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/text-generation/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/text-generation/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/text-generation/run_generation.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/text-generation/run_generation_contrastive_search.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/token-classification/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/token-classification/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/token-classification/run.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/token-classification/run_ner.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/token-classification/run_ner_no_trainer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/token-classification/run_no_trainer.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/translation/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/translation/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/translation/run_translation.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/pytorch/translation/run_translation_no_trainer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/adversarial/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/adversarial/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/adversarial/run_hans.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/adversarial/utils_hans.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/bert-loses-patience/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/bert-loses-patience/pabee/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/bert-loses-patience/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/bertabs/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/bertabs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/bertabs/configuration_bertabs.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/bertabs/modeling_bertabs.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/bertabs/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/bertabs/run_summarization.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/bertabs/test_utils_summarization.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/bertabs/utils_summarization.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/bertology/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/bertology/run_bertology.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/bertology/run_prune_gpt.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/codeparrot/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/codeparrot/examples/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/codeparrot/examples/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/codeparrot/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/codeparrot/scripts/arguments.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/codeparrot/scripts/bpe_training.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/codeparrot/scripts/codeparrot_training.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/codeparrot/scripts/human_eval.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/codeparrot/scripts/initialize_model.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/codeparrot/scripts/preprocessing.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/codeparrot/scripts/pretokenizing.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/codeparrot/scripts/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/codeparrot/scripts/validation_loss.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/decision_transformer/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/deebert/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/deebert/entropy_eval.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/deebert/eval_deebert.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/deebert/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/deebert/run_glue_deebert.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/deebert/src/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/deebert/src/modeling_highway_bert.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/deebert/src/modeling_highway_roberta.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/deebert/test_glue_deebert.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/deebert/train_deebert.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/distillation/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/distillation/distiller.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/distillation/grouped_batch_sampler.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/distillation/lm_seqs_dataset.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/distillation/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/distillation/run_squad_w_distillation.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/distillation/scripts/binarized_data.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/distillation/scripts/extract.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/distillation/scripts/token_counts.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/distillation/train.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/distillation/utils.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/fsner/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/fsner/pyproject.toml: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/fsner/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/fsner/setup.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/fsner/src/fsner/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/fsner/src/fsner/model.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/fsner/src/fsner/tokenizer_utils.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/information-gain-filtration/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/information-gain-filtration/igf/igf.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/jax-projects/HOW_TO_PROPOSE_PROJECT.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/jax-projects/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/jax-projects/big_bird/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/jax-projects/big_bird/bigbird_flax.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/jax-projects/big_bird/evaluate.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/jax-projects/big_bird/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/jax-projects/big_bird/sweep_flax.yaml: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/jax-projects/big_bird/train.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/jax-projects/dataset-streaming/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/jax-projects/hybrid_clip/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/jax-projects/hybrid_clip/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/jax-projects/model_parallel/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/jax-projects/model_parallel/partitions.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/jax-projects/model_parallel/run_clm_mp.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/jax-projects/wav2vec2/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/layoutlmv3/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/layoutlmv3/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/layoutlmv3/run_funsd_cord.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/longform-qa/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/longform-qa/eli5_app.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/longform-qa/eli5_utils.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/longform-qa/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/luke/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/luke/luke_utils.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/luke/run_luke_ner_no_trainer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/lxmert/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/lxmert/demo.ipynb: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/lxmert/extracting_data.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/lxmert/modeling_frcnn.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/lxmert/processing_image.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/lxmert/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/lxmert/utils.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/lxmert/visualizing_image.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/mlm_wwm/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/mlm_wwm/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/mlm_wwm/run_chinese_ref.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/mlm_wwm/run_mlm_wwm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/mm-imdb/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/mm-imdb/run_mmimdb.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/mm-imdb/utils_mmimdb.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/movement-pruning/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/movement-pruning/Saving_PruneBERT.ipynb: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/movement-pruning/bertarize.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/movement-pruning/counts_parameters.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/movement-pruning/emmental/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/movement-pruning/masked_run_glue.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/movement-pruning/masked_run_squad.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/movement-pruning/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/onnx/summarization/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/onnx/summarization/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/onnx/summarization/run_onnx_exporter.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/performer/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/performer/full_script.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/performer/modeling_flax_performer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/performer/run_mlm_performer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/performer/sanity_script.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/pplm/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/pplm/imgs/headfigure.png: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/pplm/imgs/wooly.png: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/pplm/pplm_classification_head.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/pplm/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/pplm/run_pplm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/pplm/run_pplm_discrim_train.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/quantization-qdqbert/Dockerfile: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/quantization-qdqbert/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/quantization-qdqbert/quant_trainer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/quantization-qdqbert/run_quant_qa.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/quantization-qdqbert/trainer_quant_qa.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/quantization-qdqbert/utils_qa.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag-end2end-retriever/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag-end2end-retriever/callbacks_rag.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag-end2end-retriever/eval_rag.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag-end2end-retriever/finetune_rag.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag-end2end-retriever/kb_encode_utils.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag-end2end-retriever/lightning_base.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag-end2end-retriever/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag-end2end-retriever/utils_rag.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/_test_finetune_rag.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/callbacks_rag.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/consolidate_rag_checkpoint.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/distributed_pytorch_retriever.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/distributed_ray_retriever.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/eval_rag.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/finetune_rag.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/finetune_rag.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/finetune_rag_ray.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/lightning_base.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/parse_dpr_relevance_data.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/test_data/my_knowledge_dataset.csv: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/test_distributed_retriever.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/use_own_knowledge_dataset.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/rag/utils_rag.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/robust-speech-event/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/robust-speech-event/eval.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/self-training-text-classification/run.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/seq2seq-distillation/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/seq2seq-distillation/_test_bash_script.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/seq2seq-distillation/callbacks.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/seq2seq-distillation/distillation.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/seq2seq-distillation/finetune.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/seq2seq-distillation/finetune.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/seq2seq-distillation/finetune_t5.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/seq2seq-distillation/lightning_base.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/seq2seq-distillation/make_student.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/seq2seq-distillation/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/seq2seq-distillation/run_eval.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/seq2seq-distillation/sentence_splitter.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/seq2seq-distillation/utils.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/tapex/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/tapex/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/tapex/run_tabfact_with_tapex.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/tapex/run_wikisql_with_tapex.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/tapex/wikisql_utils.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/visual_bert/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/visual_bert/demo.ipynb: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/visual_bert/extracting_data.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/visual_bert/modeling_frcnn.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/visual_bert/processing_image.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/visual_bert/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/visual_bert/utils.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/visual_bert/visualizing_image.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/vqgan-clip/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/vqgan-clip/VQGAN_CLIP.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/vqgan-clip/img_processing.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/vqgan-clip/loaders.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/vqgan-clip/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/vqgan-clip/utils.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/wav2vec2/FINE_TUNE_XLSR_WAV2VEC2.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/wav2vec2/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/wav2vec2/alignment.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/wav2vec2/ds_config_wav2vec2_zero2.json: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/wav2vec2/ds_config_wav2vec2_zero3.json: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/wav2vec2/finetune_base_100.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/wav2vec2/finetune_base_timit_asr.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/wav2vec2/finetune_large_lv60_100.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/wav2vec2/finetune_large_lv60_timit_asr.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/wav2vec2/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/wav2vec2/run_alignment.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/wav2vec2/run_asr.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/wav2vec2/run_common_voice.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/wav2vec2/run_pretrain.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/wav2vec2/test_wav2vec2_deepspeed.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/wav2vec2/vocab/buckwalter.json: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/xtreme-s/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/xtreme-s/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/xtreme-s/run_xtreme_s.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/research_projects/zero-shot-distillation/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/benchmarking/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/benchmarking/plot_csv_file.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/benchmarking/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/benchmarking/run_benchmark_tf.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/contrastive-image-text/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/contrastive-image-text/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/contrastive-image-text/run_clip.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/image-classification/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/image-classification/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/image-classification/run_image_classification.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/language-modeling-tpu/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/language-modeling-tpu/prepare_tfrecord_shards.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/language-modeling-tpu/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/language-modeling-tpu/run_mlm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/language-modeling-tpu/train_unigram.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/language-modeling/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/language-modeling/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/language-modeling/run_clm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/language-modeling/run_mlm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/multiple-choice/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/multiple-choice/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/multiple-choice/run_swag.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/question-answering/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/question-answering/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/question-answering/run_qa.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/question-answering/utils_qa.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/summarization/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/summarization/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/summarization/run_summarization.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/text-classification/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/text-classification/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/text-classification/run_text_classification.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/token-classification/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/token-classification/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/token-classification/run_ner.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/examples/tensorflow/translation/run_translation.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/src/transformers/benchmark/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/src/transformers/models/bort/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/src/transformers/models/dialogpt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/src/transformers/models/dit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/benchmark/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/bettertransformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/empty.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/COCO/000000039769.png: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/COCO/coco_annotations.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/COCO/coco_panoptic/000000039769.png: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/COCO/coco_panoptic_annotations.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/GermEval/dev.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/GermEval/labels.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/GermEval/train.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/MRPC/dev.csv: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/MRPC/dev.tsv: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/MRPC/train.csv: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/MRPC/train.tsv: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/SQUAD/sample.json: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/STS-B/dev.tsv: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/STS-B/train.tsv: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/conll/sample.json: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/swag/sample.json: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/wiki_text/wiki_00: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/wmt16/sample.json: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/wmt_en_ro/test.json: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/wmt_en_ro/train.json: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/wmt_en_ro/val.json: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/fixtures/tests_samples/xsum/sample.json: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/generation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/mixed_int8/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/albert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/align/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/altclip/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/audio_spectrogram_transformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/auto/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/bart/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/barthez/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/bartpho/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/beit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/bert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/bert_generation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/bert_japanese/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/bertweet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/big_bird/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/bigbird_pegasus/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/biogpt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/bit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/blenderbot/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/blenderbot_small/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/blip/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/blip_2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/bloom/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/bort/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/bridgetower/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/byt5/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/camembert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/canine/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/chinese_clip/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/clap/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/clip/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/clipseg/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/codegen/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/conditional_detr/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/convbert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/convnext/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/convnextv2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/cpm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/cpmant/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/ctrl/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/cvt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/data2vec/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/deberta/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/deberta_v2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/decision_transformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/deformable_detr/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/deit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/deta/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/detr/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/dinat/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/distilbert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/dit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/donut/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/dpr/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/dpt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/efficientformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/efficientnet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/electra/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/encoder_decoder/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/ernie/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/ernie_m/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/esm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/flaubert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/flava/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/fnet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/focalnet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/fsmt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/funnel/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/git/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/glpn/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/gpt2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/gpt_bigcode/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/gpt_neo/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/gpt_neox/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/gpt_neox_japanese/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/gpt_sw3/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/gptj/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/gptsan_japanese/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/graphormer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/groupvit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/herbert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/hubert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/ibert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/imagegpt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/informer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/jukebox/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/layoutlm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/layoutlmv2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/layoutlmv3/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/layoutxlm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/led/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/levit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/lilt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/llama/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/longformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/longt5/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/luke/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/lxmert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/m2m_100/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/marian/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/markuplm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/markuplm/test_tokenization_markuplm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mask2former/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/maskformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mbart/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mbart/test_modeling_flax_mbart.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mbart/test_modeling_tf_mbart.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mbart/test_tokenization_mbart.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mbart50/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mctct/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mctct/test_processor_mctct.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mega/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mega/test_modeling_mega.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/megatron_bert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/megatron_bert/test_modeling_megatron_bert.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/megatron_gpt2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/megatron_gpt2/test_modeling_megatron_gpt2.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mgp_str/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mgp_str/test_modeling_mgp_str.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mgp_str/test_processor_mgp_str.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mgp_str/test_tokenization_mgp_str.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mluke/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mluke/test_tokenization_mluke.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mobilebert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mobilebert/test_modeling_mobilebert.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mobilebert/test_modeling_tf_mobilebert.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mobilebert/test_tokenization_mobilebert.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mobilenet_v1/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mobilenet_v1/test_image_processing_mobilenet_v1.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mobilenet_v1/test_modeling_mobilenet_v1.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mobilenet_v2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mobilenet_v2/test_image_processing_mobilenet_v2.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mobilenet_v2/test_modeling_mobilenet_v2.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mobilevit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mobilevit/test_image_processing_mobilevit.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mobilevit/test_modeling_mobilevit.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mobilevit/test_modeling_tf_mobilevit.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mpnet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mpnet/test_modeling_mpnet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mpnet/test_modeling_tf_mpnet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mpnet/test_tokenization_mpnet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mt5/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mt5/test_modeling_flax_mt5.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mt5/test_modeling_mt5.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mt5/test_modeling_tf_mt5.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mvp/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mvp/test_modeling_mvp.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/mvp/test_tokenization_mvp.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/nat/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/nat/test_modeling_nat.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/nezha/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/nezha/test_modeling_nezha.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/nllb/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/nllb/test_tokenization_nllb.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/nllb_moe/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/nllb_moe/test_modeling_nllb_moe.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/nystromformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/nystromformer/test_modeling_nystromformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/oneformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/oneformer/test_image_processing_oneformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/oneformer/test_modeling_oneformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/oneformer/test_processor_oneformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/open_llama/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/open_llama/test_modeling_open_llama.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/openai/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/openai/test_modeling_openai.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/openai/test_modeling_tf_openai.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/openai/test_tokenization_openai.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/opt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/opt/test_modeling_flax_opt.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/opt/test_modeling_opt.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/opt/test_modeling_tf_opt.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/owlvit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/owlvit/test_image_processing_owlvit.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/owlvit/test_modeling_owlvit.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/owlvit/test_processor_owlvit.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/pegasus/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/pegasus/test_modeling_flax_pegasus.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/pegasus/test_modeling_pegasus.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/pegasus/test_modeling_tf_pegasus.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/pegasus/test_tokenization_pegasus.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/pegasus_x/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/pegasus_x/test_modeling_pegasus_x.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/perceiver/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/perceiver/test_modeling_perceiver.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/perceiver/test_tokenization_perceiver.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/phobert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/phobert/test_tokenization_phobert.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/pix2struct/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/pix2struct/test_image_processing_pix2struct.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/pix2struct/test_modeling_pix2struct.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/pix2struct/test_processor_pix2struct.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/plbart/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/plbart/test_modeling_plbart.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/plbart/test_tokenization_plbart.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/poolformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/poolformer/test_image_processing_poolformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/poolformer/test_modeling_poolformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/prophetnet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/prophetnet/test_modeling_prophetnet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/prophetnet/test_tokenization_prophetnet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/qdqbert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/qdqbert/test_modeling_qdqbert.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/rag/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/rag/test_modeling_rag.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/rag/test_modeling_tf_rag.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/rag/test_retrieval_rag.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/rag/test_tokenization_rag.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/realm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/realm/test_modeling_realm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/realm/test_retrieval_realm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/realm/test_tokenization_realm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/reformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/reformer/test_modeling_reformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/reformer/test_tokenization_reformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/regnet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/regnet/test_modeling_flax_regnet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/regnet/test_modeling_regnet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/regnet/test_modeling_tf_regnet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/rembert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/rembert/test_modeling_rembert.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/rembert/test_modeling_tf_rembert.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/resnet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/resnet/test_modeling_flax_resnet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/resnet/test_modeling_resnet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/resnet/test_modeling_tf_resnet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/retribert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/retribert/test_tokenization_retribert.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/roberta/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/roberta/test_modeling_flax_roberta.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/roberta/test_modeling_roberta.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/roberta/test_modeling_tf_roberta.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/roberta/test_tokenization_roberta.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/roberta_prelayernorm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/roc_bert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/roc_bert/test_modeling_roc_bert.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/roc_bert/test_tokenization_roc_bert.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/roformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/roformer/test_modeling_flax_roformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/roformer/test_modeling_roformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/roformer/test_modeling_tf_roformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/roformer/test_tokenization_roformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/rwkv/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/rwkv/test_modeling_rwkv.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/sam/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/sam/test_modeling_sam.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/sam/test_processor_sam.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/segformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/segformer/test_image_processing_segformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/segformer/test_modeling_segformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/segformer/test_modeling_tf_segformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/sew/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/sew/test_modeling_sew.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/sew_d/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/sew_d/test_modeling_sew_d.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/speech_encoder_decoder/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/speech_to_text/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/speech_to_text/test_modeling_speech_to_text.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/speech_to_text/test_modeling_tf_speech_to_text.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/speech_to_text/test_processor_speech_to_text.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/speech_to_text/test_tokenization_speech_to_text.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/speech_to_text_2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/speech_to_text_2/test_modeling_speech_to_text_2.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/speech_to_text_2/test_tokenization_speech_to_text_2.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/speecht5/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/speecht5/test_feature_extraction_speecht5.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/speecht5/test_modeling_speecht5.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/speecht5/test_processor_speecht5.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/speecht5/test_tokenization_speecht5.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/splinter/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/splinter/test_modeling_splinter.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/squeezebert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/squeezebert/test_modeling_squeezebert.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/squeezebert/test_tokenization_squeezebert.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/swin/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/swin/test_modeling_swin.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/swin/test_modeling_tf_swin.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/swin2sr/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/swin2sr/test_image_processing_swin2sr.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/swin2sr/test_modeling_swin2sr.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/swinv2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/swinv2/test_modeling_swinv2.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/switch_transformers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/t5/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/t5/test_modeling_flax_t5.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/t5/test_modeling_t5.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/t5/test_modeling_tf_t5.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/t5/test_tokenization_t5.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/table_transformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/table_transformer/test_modeling_table_transformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/tapas/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/tapas/test_modeling_tapas.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/tapas/test_modeling_tf_tapas.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/tapas/test_tokenization_tapas.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/tapex/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/tapex/test_tokenization_tapex.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/time_series_transformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/timesformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/timesformer/test_modeling_timesformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/trajectory_transformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/transfo_xl/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/transfo_xl/test_modeling_tf_transfo_xl.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/transfo_xl/test_modeling_transfo_xl.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/transfo_xl/test_tokenization_transfo_xl.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/trocr/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/trocr/test_modeling_trocr.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/tvlt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/tvlt/test_feature_extraction_tvlt.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/tvlt/test_image_processor_tvlt.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/tvlt/test_modeling_tvlt.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/tvlt/test_processor_tvlt.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/unispeech/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/unispeech/test_modeling_unispeech.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/unispeech_sat/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/unispeech_sat/test_modeling_unispeech_sat.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/upernet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/upernet/test_modeling_upernet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/van/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/van/test_modeling_van.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/videomae/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/videomae/test_image_processing_videomae.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/videomae/test_modeling_videomae.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/vilt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/vilt/test_image_processing_vilt.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/vilt/test_modeling_vilt.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/vision_encoder_decoder/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/vision_text_dual_encoder/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/visual_bert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/visual_bert/test_modeling_visual_bert.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/vit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/vit/test_image_processing_vit.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/vit/test_modeling_flax_vit.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/vit/test_modeling_tf_vit.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/vit/test_modeling_vit.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/vit_hybrid/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/vit_hybrid/test_modeling_vit_hybrid.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/vit_mae/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/vit_mae/test_modeling_tf_vit_mae.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/vit_mae/test_modeling_vit_mae.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/vit_msn/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/vit_msn/test_modeling_vit_msn.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/wav2vec2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/wav2vec2/test_feature_extraction_wav2vec2.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/wav2vec2/test_modeling_flax_wav2vec2.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/wav2vec2/test_modeling_tf_wav2vec2.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/wav2vec2/test_modeling_wav2vec2.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/wav2vec2/test_processor_wav2vec2.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/wav2vec2/test_tokenization_wav2vec2.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/wav2vec2_conformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/wav2vec2_conformer/test_modeling_wav2vec2_conformer.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/wav2vec2_phoneme/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/wav2vec2_phoneme/test_tokenization_wav2vec2_phoneme.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/wav2vec2_with_lm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/wav2vec2_with_lm/test_processor_wav2vec2_with_lm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/wavlm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/wavlm/test_modeling_wavlm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/whisper/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/whisper/test_feature_extraction_whisper.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/whisper/test_modeling_flax_whisper.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/whisper/test_modeling_tf_whisper.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/whisper/test_modeling_whisper.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/whisper/test_processor_whisper.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/whisper/test_tokenization_whisper.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/x_clip/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/x_clip/test_modeling_x_clip.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xglm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xglm/test_modeling_flax_xglm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xglm/test_modeling_tf_xglm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xglm/test_modeling_xglm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xglm/test_tokenization_xglm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlm/test_modeling_tf_xlm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlm/test_modeling_xlm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlm/test_tokenization_xlm.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlm_prophetnet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlm_prophetnet/test_modeling_xlm_prophetnet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlm_prophetnet/test_tokenization_xlm_prophetnet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlm_roberta/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlm_roberta/test_modeling_flax_xlm_roberta.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlm_roberta/test_modeling_tf_xlm_roberta.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlm_roberta/test_modeling_xlm_roberta.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlm_roberta/test_tokenization_xlm_roberta.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlm_roberta_xl/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlm_roberta_xl/test_modeling_xlm_roberta_xl.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlnet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlnet/test_modeling_tf_xlnet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlnet/test_modeling_xlnet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xlnet/test_tokenization_xlnet.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xmod/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/xmod/test_modeling_xmod.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/yolos/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/yolos/test_image_processing_yolos.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/yolos/test_modeling_yolos.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/yoso/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/models/yoso/test_modeling_yoso.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/onnx/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/optimization/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/pipelines/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/sagemaker/scripts/pytorch/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/sagemaker/scripts/pytorch/run_ddp.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/sagemaker/scripts/pytorch/run_glue_model_parallelism.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/sagemaker/scripts/tensorflow/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/sagemaker/scripts/tensorflow/run_tf.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/sagemaker/scripts/tensorflow/run_tf_dist.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/tokenization/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/trainer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/tests/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers-4.29.2/utils/test_module/__init__.py: -------------------------------------------------------------------------------- 1 | --------------------------------------------------------------------------------