├── .gitignore ├── LICENSE.md ├── README.md ├── SECURITY.md ├── examples ├── NLG │ ├── CODE_OF_CONDUCT.md │ ├── LICENSE │ ├── README.md │ ├── SECURITY.md │ ├── create_datasets.sh │ ├── data │ │ ├── dart │ │ │ ├── dart-v1.1.1-full-dev.json │ │ │ ├── dart-v1.1.1-full-test.json │ │ │ └── dart-v1.1.1-full-train.json │ │ ├── e2e │ │ │ ├── test.txt │ │ │ ├── train.txt │ │ │ └── valid.txt │ │ └── webnlg_challenge_2017 │ │ │ ├── dev.json │ │ │ ├── test.json │ │ │ └── train.json │ ├── download_pretrained_checkpoints.sh │ ├── eval │ │ ├── README.md │ │ ├── download_evalscript.sh │ │ └── eval.py │ ├── figures │ │ ├── LoRA_GPT2.PNG │ │ └── LoRA_GPT3.PNG │ ├── requirement.txt │ ├── src │ │ ├── data_utils.py │ │ ├── encoder.py │ │ ├── exp_utils.py │ │ ├── format_converting_dart.py │ │ ├── format_converting_e2e.py │ │ ├── format_converting_webnlg.py │ │ ├── gpt2_beam.py │ │ ├── gpt2_decode.py │ │ ├── gpt2_encode.py │ │ ├── gpt2_ft.py │ │ ├── gpu.py │ │ ├── model.py │ │ └── optimizer.py │ └── vocab │ │ ├── config.json │ │ ├── encoder.json │ │ ├── tokenizer.json │ │ ├── vocab.bpe │ │ └── vocab.json └── NLU │ ├── CODE_OF_CONDUCT.md │ ├── CONTRIBUTING.md │ ├── ISSUES.md │ ├── LICENSE │ ├── MANIFEST.in │ ├── Makefile │ ├── README.md │ ├── adapter_houlsby_roberta_large_mnli.sh │ ├── adapter_pfeiffer_roberta_large_mnli.sh │ ├── deberta_v2_xxlarge_cola.sh │ ├── deberta_v2_xxlarge_mnli.sh │ ├── deberta_v2_xxlarge_mrpc.sh │ ├── deberta_v2_xxlarge_qnli.sh │ ├── deberta_v2_xxlarge_qqp.sh │ ├── deberta_v2_xxlarge_rte.sh │ ├── deberta_v2_xxlarge_sst2.sh │ ├── deberta_v2_xxlarge_stsb.sh │ ├── docker │ ├── transformers-cpu │ │ └── Dockerfile │ ├── transformers-gpu │ │ └── Dockerfile │ ├── transformers-pytorch-cpu │ │ └── 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 │ ├── Makefile │ ├── README.md │ └── source │ │ ├── _static │ │ ├── css │ │ │ ├── Calibre-Light.ttf │ │ │ ├── Calibre-Medium.otf │ │ │ ├── Calibre-Regular.otf │ │ │ ├── Calibre-Thin.otf │ │ │ ├── code-snippets.css │ │ │ └── huggingface.css │ │ └── js │ │ │ ├── custom.js │ │ │ └── huggingface_logo.svg │ │ ├── add_new_model.rst │ │ ├── benchmarks.rst │ │ ├── bertology.rst │ │ ├── community.md │ │ ├── conf.py │ │ ├── contributing.md │ │ ├── converting_tensorflow_models.rst │ │ ├── custom_datasets.rst │ │ ├── examples.md │ │ ├── favicon.ico │ │ ├── glossary.rst │ │ ├── imgs │ │ ├── local_attention_mask.png │ │ ├── ppl_chunked.gif │ │ ├── ppl_full.gif │ │ ├── ppl_sliding.gif │ │ ├── transformers_logo_name.png │ │ ├── transformers_overview.png │ │ ├── warmup_constant_schedule.png │ │ ├── warmup_cosine_hard_restarts_schedule.png │ │ ├── warmup_cosine_schedule.png │ │ ├── warmup_cosine_warm_restarts_schedule.png │ │ └── warmup_linear_schedule.png │ │ ├── index.rst │ │ ├── installation.md │ │ ├── internal │ │ ├── file_utils.rst │ │ ├── generation_utils.rst │ │ ├── modeling_utils.rst │ │ ├── pipelines_utils.rst │ │ ├── tokenization_utils.rst │ │ └── trainer_utils.rst │ │ ├── main_classes │ │ ├── callback.rst │ │ ├── configuration.rst │ │ ├── feature_extractor.rst │ │ ├── logging.rst │ │ ├── model.rst │ │ ├── optimizer_schedules.rst │ │ ├── output.rst │ │ ├── pipelines.rst │ │ ├── processors.rst │ │ ├── tokenizer.rst │ │ └── trainer.rst │ │ ├── migration.md │ │ ├── model_doc │ │ ├── albert.rst │ │ ├── auto.rst │ │ ├── bart.rst │ │ ├── barthez.rst │ │ ├── bert.rst │ │ ├── bertgeneration.rst │ │ ├── bertweet.rst │ │ ├── blenderbot.rst │ │ ├── blenderbot_small.rst │ │ ├── bort.rst │ │ ├── camembert.rst │ │ ├── convbert.rst │ │ ├── ctrl.rst │ │ ├── deberta.rst │ │ ├── deberta_v2.rst │ │ ├── dialogpt.rst │ │ ├── distilbert.rst │ │ ├── dpr.rst │ │ ├── electra.rst │ │ ├── encoderdecoder.rst │ │ ├── flaubert.rst │ │ ├── fsmt.rst │ │ ├── funnel.rst │ │ ├── gpt.rst │ │ ├── gpt2.rst │ │ ├── herbert.rst │ │ ├── ibert.rst │ │ ├── layoutlm.rst │ │ ├── led.rst │ │ ├── longformer.rst │ │ ├── lxmert.rst │ │ ├── m2m_100.rst │ │ ├── marian.rst │ │ ├── mbart.rst │ │ ├── mobilebert.rst │ │ ├── mpnet.rst │ │ ├── mt5.rst │ │ ├── pegasus.rst │ │ ├── phobert.rst │ │ ├── prophetnet.rst │ │ ├── rag.rst │ │ ├── reformer.rst │ │ ├── retribert.rst │ │ ├── roberta.rst │ │ ├── speech_to_text.rst │ │ ├── squeezebert.rst │ │ ├── t5.rst │ │ ├── tapas.rst │ │ ├── transformerxl.rst │ │ ├── wav2vec2.rst │ │ ├── xlm.rst │ │ ├── xlmprophetnet.rst │ │ ├── xlmroberta.rst │ │ ├── xlnet.rst │ │ └── xlsr_wav2vec2.rst │ │ ├── model_sharing.rst │ │ ├── model_summary.rst │ │ ├── multilingual.rst │ │ ├── notebooks.md │ │ ├── perplexity.rst │ │ ├── philosophy.rst │ │ ├── preprocessing.rst │ │ ├── pretrained_models.rst │ │ ├── quicktour.rst │ │ ├── serialization.rst │ │ ├── task_summary.rst │ │ ├── testing.rst │ │ ├── tokenizer_summary.rst │ │ └── training.rst │ ├── ds_config.json │ ├── environment.yml │ ├── examples │ ├── README.md │ ├── _tests_requirements.txt │ ├── benchmarking │ │ ├── README.md │ │ ├── plot_csv_file.py │ │ ├── requirements.txt │ │ ├── run_benchmark.py │ │ └── run_benchmark_tf.py │ ├── conftest.py │ ├── language-modeling │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_clm.py │ │ ├── run_mlm.py │ │ ├── run_mlm_flax.py │ │ └── run_plm.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 │ │ │ ├── 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 │ │ └── 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 │ ├── multiple-choice │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_swag.py │ │ ├── run_tf_multiple_choice.py │ │ └── utils_multiple_choice.py │ ├── question-answering │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_qa.py │ │ ├── run_qa_beam_search.py │ │ ├── run_tf_squad.py │ │ ├── trainer_qa.py │ │ └── utils_qa.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 │ │ ├── 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 │ │ ├── longform-qa │ │ │ ├── README.md │ │ │ ├── eli5_app.py │ │ │ ├── eli5_utils.py │ │ │ └── requirements.txt │ │ ├── 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 │ │ ├── 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 │ │ ├── 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 │ │ ├── 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 │ │ ├── wav2vec2 │ │ │ ├── README.md │ │ │ ├── finetune_base_100.sh │ │ │ ├── finetune_large_lv60_100.sh │ │ │ ├── requirements.txt │ │ │ └── run_asr.py │ │ └── zero-shot-distillation │ │ │ ├── README.md │ │ │ └── distill_classifier.py │ ├── seq2seq │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_summarization.py │ │ └── run_translation.py │ ├── test_data │ │ └── wmt_en_ro │ │ │ ├── test.json │ │ │ ├── train.json │ │ │ └── val.json │ ├── test_examples.py │ ├── test_xla_examples.py │ ├── tests │ │ ├── deepspeed │ │ │ ├── ds_config.json │ │ │ └── test_deepspeed.py │ │ └── trainer │ │ │ └── test_trainer_ext.py │ ├── text-classification │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run_glue.py │ │ ├── run_glue_no_trainer.py │ │ ├── run_tf_glue.py │ │ ├── run_tf_text_classification.py │ │ └── run_xnli.py │ ├── text-generation │ │ ├── README.md │ │ ├── requirements.txt │ │ └── run_generation.py │ ├── token-classification │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run.sh │ │ └── run_ner.py │ └── xla_spawn.py │ ├── figures │ ├── LoRA_NLU.PNG │ └── deberta_lora_glue.jpg │ ├── hubconf.py │ ├── mnli.cutoff.sh │ ├── mnli.rdrop.sh │ ├── model_cards │ ├── README.md │ └── google │ │ └── tapas-base │ │ └── README.md │ ├── notebooks │ ├── 01-training-tokenizers.ipynb │ ├── 02-transformers.ipynb │ ├── 03-pipelines.ipynb │ ├── 04-onnx-export.ipynb │ ├── 05-benchmark.ipynb │ └── README.md │ ├── pyproject.toml │ ├── roberta_base_cola.sh │ ├── roberta_base_lora_mnli.bin │ ├── roberta_base_mnli.sh │ ├── roberta_base_mrpc.sh │ ├── roberta_base_qnli.sh │ ├── roberta_base_qqp.sh │ ├── roberta_base_rte.sh │ ├── roberta_base_sst2.sh │ ├── roberta_base_stsb.sh │ ├── roberta_large_cola.sh │ ├── roberta_large_lora_mnli.bin │ ├── roberta_large_mnli.sh │ ├── roberta_large_mrpc.sh │ ├── roberta_large_qnli.sh │ ├── roberta_large_qqp.sh │ ├── roberta_large_rte.sh │ ├── roberta_large_sst2.sh │ ├── roberta_large_stsb.sh │ ├── runs │ ├── Jul23_07-08-58_e7dbf158ebfe │ │ └── events.out.tfevents.1627024961.e7dbf158ebfe │ └── Jul23_18-37-14_e7dbf158ebfe │ │ ├── events.out.tfevents.1627066276.e7dbf158ebfe.5495.0 │ │ └── events.out.tfevents.1627066277.e7dbf158ebfe.5496.0 │ ├── scripts │ ├── check_tokenizers.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 │ │ ├── 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 │ │ ├── convert.py │ │ ├── download.py │ │ ├── env.py │ │ ├── lfs.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 │ │ ├── dependency_versions_check.py │ │ ├── dependency_versions_table.py │ │ ├── feature_extraction_sequence_utils.py │ │ ├── feature_extraction_utils.py │ │ ├── file_utils.py │ │ ├── generation_beam_search.py │ │ ├── generation_logits_process.py │ │ ├── generation_stopping_criteria.py │ │ ├── generation_tf_utils.py │ │ ├── generation_utils.py │ │ ├── hf_api.py │ │ ├── hf_argparser.py │ │ ├── integrations.py │ │ ├── modelcard.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 │ │ ├── adapter.py │ │ ├── albert │ │ │ ├── __init__.py │ │ │ ├── configuration_albert.py │ │ │ ├── convert_albert_original_tf_checkpoint_to_pytorch.py │ │ │ ├── modeling_albert.py │ │ │ ├── modeling_tf_albert.py │ │ │ ├── tokenization_albert.py │ │ │ └── tokenization_albert_fast.py │ │ ├── auto │ │ │ ├── __init__.py │ │ │ ├── configuration_auto.py │ │ │ ├── modeling_auto.py │ │ │ ├── modeling_flax_auto.py │ │ │ ├── modeling_tf_auto.py │ │ │ └── tokenization_auto.py │ │ ├── bart │ │ │ ├── __init__.py │ │ │ ├── configuration_bart.py │ │ │ ├── convert_bart_original_pytorch_checkpoint_to_pytorch.py │ │ │ ├── modeling_bart.py │ │ │ ├── modeling_tf_bart.py │ │ │ ├── tokenization_bart.py │ │ │ └── tokenization_bart_fast.py │ │ ├── barthez │ │ │ ├── __init__.py │ │ │ ├── tokenization_barthez.py │ │ │ └── tokenization_barthez_fast.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 │ │ │ ├── modeling_bert.py │ │ │ ├── modeling_flax_bert.py │ │ │ ├── modeling_tf_bert.py │ │ │ ├── tokenization_bert.py │ │ │ └── tokenization_bert_fast.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 │ │ ├── blenderbot │ │ │ ├── __init__.py │ │ │ ├── configuration_blenderbot.py │ │ │ ├── convert_blenderbot_original_pytorch_checkpoint_to_pytorch.py │ │ │ ├── modeling_blenderbot.py │ │ │ ├── modeling_tf_blenderbot.py │ │ │ └── tokenization_blenderbot.py │ │ ├── blenderbot_small │ │ │ ├── __init__.py │ │ │ ├── configuration_blenderbot_small.py │ │ │ ├── modeling_blenderbot_small.py │ │ │ ├── modeling_tf_blenderbot_small.py │ │ │ ├── tokenization_blenderbot_small.py │ │ │ └── tokenization_blenderbot_small_fast.py │ │ ├── bort │ │ │ └── convert_bort_original_gluonnlp_checkpoint_to_pytorch.py │ │ ├── camembert │ │ │ ├── __init__.py │ │ │ ├── configuration_camembert.py │ │ │ ├── modeling_camembert.py │ │ │ ├── modeling_tf_camembert.py │ │ │ ├── tokenization_camembert.py │ │ │ └── tokenization_camembert_fast.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 │ │ ├── ctrl │ │ │ ├── __init__.py │ │ │ ├── configuration_ctrl.py │ │ │ ├── modeling_ctrl.py │ │ │ ├── modeling_tf_ctrl.py │ │ │ └── tokenization_ctrl.py │ │ ├── deberta │ │ │ ├── __init__.py │ │ │ ├── configuration_deberta.py │ │ │ ├── modeling_deberta.py │ │ │ └── tokenization_deberta.py │ │ ├── deberta_v2 │ │ │ ├── __init__.py │ │ │ ├── configuration_deberta_v2.py │ │ │ ├── modeling_deberta_v2.py │ │ │ └── tokenization_deberta_v2.py │ │ ├── dialogpt │ │ │ ├── __init__.py │ │ │ └── convert_dialogpt_original_pytorch_checkpoint_to_pytorch.py │ │ ├── distilbert │ │ │ ├── __init__.py │ │ │ ├── configuration_distilbert.py │ │ │ ├── modeling_distilbert.py │ │ │ ├── modeling_tf_distilbert.py │ │ │ ├── tokenization_distilbert.py │ │ │ └── tokenization_distilbert_fast.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 │ │ ├── electra │ │ │ ├── __init__.py │ │ │ ├── configuration_electra.py │ │ │ ├── convert_electra_original_tf_checkpoint_to_pytorch.py │ │ │ ├── modeling_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 │ │ ├── flaubert │ │ │ ├── __init__.py │ │ │ ├── configuration_flaubert.py │ │ │ ├── modeling_flaubert.py │ │ │ ├── modeling_tf_flaubert.py │ │ │ └── tokenization_flaubert.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 │ │ ├── gpt2 │ │ │ ├── __init__.py │ │ │ ├── configuration_gpt2.py │ │ │ ├── convert_gpt2_original_tf_checkpoint_to_pytorch.py │ │ │ ├── modeling_gpt2.py │ │ │ ├── modeling_tf_gpt2.py │ │ │ ├── tokenization_gpt2.py │ │ │ └── tokenization_gpt2_fast.py │ │ ├── herbert │ │ │ ├── __init__.py │ │ │ ├── tokenization_herbert.py │ │ │ └── tokenization_herbert_fast.py │ │ ├── ibert │ │ │ ├── __init__.py │ │ │ ├── configuration_ibert.py │ │ │ ├── modeling_ibert.py │ │ │ └── quant_modules.py │ │ ├── layoutlm │ │ │ ├── __init__.py │ │ │ ├── configuration_layoutlm.py │ │ │ ├── modeling_layoutlm.py │ │ │ ├── tokenization_layoutlm.py │ │ │ └── tokenization_layoutlm_fast.py │ │ ├── led │ │ │ ├── __init__.py │ │ │ ├── configuration_led.py │ │ │ ├── modeling_led.py │ │ │ ├── modeling_tf_led.py │ │ │ ├── tokenization_led.py │ │ │ └── tokenization_led_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 │ │ ├── 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_marian.py │ │ │ ├── modeling_tf_marian.py │ │ │ └── tokenization_marian.py │ │ ├── mbart │ │ │ ├── __init__.py │ │ │ ├── configuration_mbart.py │ │ │ ├── convert_mbart_original_checkpoint_to_pytorch.py │ │ │ ├── modeling_mbart.py │ │ │ ├── modeling_tf_mbart.py │ │ │ ├── tokenization_mbart.py │ │ │ ├── tokenization_mbart50.py │ │ │ ├── tokenization_mbart50_fast.py │ │ │ └── tokenization_mbart_fast.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 │ │ ├── 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_mt5.py │ │ │ └── modeling_tf_mt5.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 │ │ ├── pegasus │ │ │ ├── __init__.py │ │ │ ├── configuration_pegasus.py │ │ │ ├── convert_pegasus_tf_to_pytorch.py │ │ │ ├── modeling_pegasus.py │ │ │ ├── modeling_tf_pegasus.py │ │ │ ├── tokenization_pegasus.py │ │ │ └── tokenization_pegasus_fast.py │ │ ├── phobert │ │ │ ├── __init__.py │ │ │ └── tokenization_phobert.py │ │ ├── prophetnet │ │ │ ├── __init__.py │ │ │ ├── configuration_prophetnet.py │ │ │ ├── convert_prophetnet_original_pytorch_checkpoint_to_pytorch.py │ │ │ ├── modeling_prophetnet.py │ │ │ └── tokenization_prophetnet.py │ │ ├── rag │ │ │ ├── __init__.py │ │ │ ├── configuration_rag.py │ │ │ ├── modeling_rag.py │ │ │ ├── modeling_tf_rag.py │ │ │ ├── retrieval_rag.py │ │ │ └── tokenization_rag.py │ │ ├── reformer │ │ │ ├── __init__.py │ │ │ ├── configuration_reformer.py │ │ │ ├── convert_reformer_trax_checkpoint_to_pytorch.py │ │ │ ├── modeling_reformer.py │ │ │ ├── tokenization_reformer.py │ │ │ └── tokenization_reformer_fast.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 │ │ ├── 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 │ │ │ ├── processing_speech_to_text.py │ │ │ └── tokenization_speech_to_text.py │ │ ├── squeezebert │ │ │ ├── __init__.py │ │ │ ├── configuration_squeezebert.py │ │ │ ├── modeling_squeezebert.py │ │ │ ├── tokenization_squeezebert.py │ │ │ └── tokenization_squeezebert_fast.py │ │ ├── t5 │ │ │ ├── __init__.py │ │ │ ├── configuration_t5.py │ │ │ ├── convert_t5_original_tf_checkpoint_to_pytorch.py │ │ │ ├── modeling_t5.py │ │ │ ├── modeling_tf_t5.py │ │ │ ├── tokenization_t5.py │ │ │ └── tokenization_t5_fast.py │ │ ├── tapas │ │ │ ├── __init__.py │ │ │ ├── configuration_tapas.py │ │ │ ├── convert_tapas_original_tf_checkpoint_to_pytorch.py │ │ │ ├── modeling_tapas.py │ │ │ └── tokenization_tapas.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 │ │ ├── wav2vec2 │ │ │ ├── __init__.py │ │ │ ├── configuration_wav2vec2.py │ │ │ ├── convert_wav2vec2_original_pytorch_checkpoint_to_pytorch.py │ │ │ ├── feature_extraction_wav2vec2.py │ │ │ ├── modeling_wav2vec2.py │ │ │ ├── processing_wav2vec2.py │ │ │ └── tokenization_wav2vec2.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_tf_xlm_roberta.py │ │ │ ├── modeling_xlm_roberta.py │ │ │ ├── tokenization_xlm_roberta.py │ │ │ └── tokenization_xlm_roberta_fast.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 │ │ ├── optimization.py │ │ ├── optimization_tf.py │ │ ├── pipelines │ │ ├── __init__.py │ │ ├── base.py │ │ ├── conversational.py │ │ ├── feature_extraction.py │ │ ├── fill_mask.py │ │ ├── question_answering.py │ │ ├── table_question_answering.py │ │ ├── text2text_generation.py │ │ ├── text_classification.py │ │ ├── text_generation.py │ │ ├── token_classification.py │ │ └── zero_shot_classification.py │ │ ├── sagemaker │ │ ├── __init__.py │ │ ├── trainer_sm.py │ │ └── training_args_sm.py │ │ ├── testing_utils.py │ │ ├── tokenization_utils.py │ │ ├── tokenization_utils_base.py │ │ ├── tokenization_utils_fast.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 │ │ ├── dummy_flax_objects.py │ │ ├── dummy_pt_objects.py │ │ ├── dummy_sentencepiece_objects.py │ │ ├── dummy_tf_objects.py │ │ ├── dummy_tokenizers_objects.py │ │ ├── hp_naming.py │ │ ├── logging.py │ │ ├── model_parallel_utils.py │ │ ├── modeling_auto_mapping.py │ │ ├── notebook.py │ │ ├── sentencepiece_model_pb2.py │ │ └── versions.py │ ├── templates │ ├── 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_tf_{{cookiecutter.lowercase_modelname}}.py │ │ ├── modeling_{{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}}.rst │ │ ├── cookiecutter.json │ │ ├── open_model_proposals │ │ ├── ADD_BIG_BIRD.md │ │ └── README.md │ │ └── tests │ │ ├── encoder-bert-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 │ ├── conftest.py │ ├── fixtures │ │ ├── dummy-config.json │ │ ├── empty.txt │ │ ├── input.txt │ │ ├── sample_text.txt │ │ ├── sample_text_no_unicode.txt │ │ ├── spiece.model │ │ ├── test_sentencepiece.model │ │ ├── test_sentencepiece_bpe.model │ │ ├── test_sentencepiece_no_bos.model │ │ └── tests_samples │ │ │ ├── .gitignore │ │ │ ├── GermEval │ │ │ ├── dev.txt │ │ │ ├── labels.txt │ │ │ └── train.txt │ │ │ ├── MRPC │ │ │ ├── dev.tsv │ │ │ └── train.tsv │ │ │ ├── SQUAD │ │ │ └── sample.json │ │ │ ├── STS-B │ │ │ ├── dev.tsv │ │ │ └── train.tsv │ │ │ ├── conll │ │ │ └── sample.json │ │ │ ├── swag │ │ │ └── sample.json │ │ │ ├── wiki_text │ │ │ └── wiki_00 │ │ │ ├── wmt16 │ │ │ └── sample.json │ │ │ └── xsum │ │ │ └── sample.json │ ├── test_activations.py │ ├── test_activations_tf.py │ ├── test_benchmark.py │ ├── test_benchmark_tf.py │ ├── test_cli.py │ ├── test_configuration_auto.py │ ├── test_configuration_common.py │ ├── test_data_collator.py │ ├── test_doc_samples.py │ ├── test_feature_extraction_common.py │ ├── test_feature_extraction_speech_to_text.py │ ├── test_feature_extraction_wav2vec2.py │ ├── test_file_utils.py │ ├── test_flax_auto.py │ ├── test_generation_beam_search.py │ ├── test_generation_logits_process.py │ ├── test_generation_stopping_criteria.py │ ├── test_generation_utils.py │ ├── test_hf_api.py │ ├── test_hf_argparser.py │ ├── test_logging.py │ ├── test_model_card.py │ ├── test_model_output.py │ ├── test_modeling_albert.py │ ├── test_modeling_auto.py │ ├── test_modeling_bart.py │ ├── test_modeling_bert.py │ ├── test_modeling_bert_generation.py │ ├── test_modeling_blenderbot.py │ ├── test_modeling_blenderbot_small.py │ ├── test_modeling_bort.py │ ├── test_modeling_camembert.py │ ├── test_modeling_common.py │ ├── test_modeling_convbert.py │ ├── test_modeling_ctrl.py │ ├── test_modeling_deberta.py │ ├── test_modeling_deberta_v2.py │ ├── test_modeling_distilbert.py │ ├── test_modeling_dpr.py │ ├── test_modeling_electra.py │ ├── test_modeling_encoder_decoder.py │ ├── test_modeling_flaubert.py │ ├── test_modeling_flax_bert.py │ ├── test_modeling_flax_common.py │ ├── test_modeling_flax_roberta.py │ ├── test_modeling_fsmt.py │ ├── test_modeling_funnel.py │ ├── test_modeling_gpt2.py │ ├── test_modeling_ibert.py │ ├── test_modeling_layoutlm.py │ ├── test_modeling_led.py │ ├── test_modeling_longformer.py │ ├── test_modeling_lxmert.py │ ├── test_modeling_m2m_100.py │ ├── test_modeling_marian.py │ ├── test_modeling_mbart.py │ ├── test_modeling_mobilebert.py │ ├── test_modeling_mpnet.py │ ├── test_modeling_mt5.py │ ├── test_modeling_openai.py │ ├── test_modeling_pegasus.py │ ├── test_modeling_prophetnet.py │ ├── test_modeling_rag.py │ ├── test_modeling_reformer.py │ ├── test_modeling_roberta.py │ ├── test_modeling_speech_to_text.py │ ├── test_modeling_squeezebert.py │ ├── test_modeling_t5.py │ ├── test_modeling_tapas.py │ ├── test_modeling_tf_albert.py │ ├── test_modeling_tf_auto.py │ ├── test_modeling_tf_bart.py │ ├── test_modeling_tf_bert.py │ ├── test_modeling_tf_blenderbot.py │ ├── test_modeling_tf_blenderbot_small.py │ ├── test_modeling_tf_bort.py │ ├── test_modeling_tf_camembert.py │ ├── test_modeling_tf_common.py │ ├── test_modeling_tf_convbert.py │ ├── test_modeling_tf_ctrl.py │ ├── test_modeling_tf_distilbert.py │ ├── test_modeling_tf_dpr.py │ ├── test_modeling_tf_electra.py │ ├── test_modeling_tf_flaubert.py │ ├── test_modeling_tf_funnel.py │ ├── test_modeling_tf_gpt2.py │ ├── test_modeling_tf_led.py │ ├── test_modeling_tf_longformer.py │ ├── test_modeling_tf_lxmert.py │ ├── test_modeling_tf_marian.py │ ├── test_modeling_tf_mbart.py │ ├── test_modeling_tf_mobilebert.py │ ├── test_modeling_tf_mpnet.py │ ├── test_modeling_tf_mt5.py │ ├── test_modeling_tf_openai.py │ ├── test_modeling_tf_pegasus.py │ ├── test_modeling_tf_pytorch.py │ ├── test_modeling_tf_rag.py │ ├── test_modeling_tf_roberta.py │ ├── test_modeling_tf_t5.py │ ├── test_modeling_tf_transfo_xl.py │ ├── test_modeling_tf_xlm.py │ ├── test_modeling_tf_xlm_roberta.py │ ├── test_modeling_tf_xlnet.py │ ├── test_modeling_transfo_xl.py │ ├── test_modeling_wav2vec2.py │ ├── test_modeling_xlm.py │ ├── test_modeling_xlm_prophetnet.py │ ├── test_modeling_xlm_roberta.py │ ├── test_modeling_xlnet.py │ ├── test_offline.py │ ├── test_onnx.py │ ├── test_optimization.py │ ├── test_optimization_tf.py │ ├── test_pipelines_common.py │ ├── test_pipelines_conversational.py │ ├── test_pipelines_feature_extraction.py │ ├── test_pipelines_fill_mask.py │ ├── test_pipelines_ner.py │ ├── test_pipelines_question_answering.py │ ├── test_pipelines_sentiment_analysis.py │ ├── test_pipelines_summarization.py │ ├── test_pipelines_table_question_answering.py │ ├── test_pipelines_text2text_generation.py │ ├── test_pipelines_text_generation.py │ ├── test_pipelines_translation.py │ ├── test_pipelines_zero_shot.py │ ├── test_processor_speech_to_text.py │ ├── test_processor_wav2vec2.py │ ├── test_retrieval_rag.py │ ├── test_sequence_feature_extraction_common.py │ ├── test_skip_decorators.py │ ├── test_tokenization_albert.py │ ├── test_tokenization_auto.py │ ├── test_tokenization_bart.py │ ├── test_tokenization_barthez.py │ ├── test_tokenization_bert.py │ ├── test_tokenization_bert_generation.py │ ├── test_tokenization_bert_japanese.py │ ├── test_tokenization_bertweet.py │ ├── test_tokenization_blenderbot.py │ ├── test_tokenization_camembert.py │ ├── test_tokenization_common.py │ ├── test_tokenization_ctrl.py │ ├── test_tokenization_deberta.py │ ├── test_tokenization_deberta_v2.py │ ├── test_tokenization_distilbert.py │ ├── test_tokenization_dpr.py │ ├── test_tokenization_fsmt.py │ ├── test_tokenization_funnel.py │ ├── test_tokenization_gpt2.py │ ├── test_tokenization_herbert.py │ ├── test_tokenization_layoutlm.py │ ├── test_tokenization_lxmert.py │ ├── test_tokenization_m2m_100.py │ ├── test_tokenization_marian.py │ ├── test_tokenization_mbart.py │ ├── test_tokenization_mbart50.py │ ├── test_tokenization_mpnet.py │ ├── test_tokenization_openai.py │ ├── test_tokenization_pegasus.py │ ├── test_tokenization_phobert.py │ ├── test_tokenization_prophetnet.py │ ├── test_tokenization_rag.py │ ├── test_tokenization_reformer.py │ ├── test_tokenization_roberta.py │ ├── test_tokenization_small_blenderbot.py │ ├── test_tokenization_speech_to_text.py │ ├── test_tokenization_squeezebert.py │ ├── test_tokenization_t5.py │ ├── test_tokenization_tapas.py │ ├── test_tokenization_transfo_xl.py │ ├── test_tokenization_utils.py │ ├── test_tokenization_wav2vec2.py │ ├── test_tokenization_xlm.py │ ├── test_tokenization_xlm_prophetnet.py │ ├── test_tokenization_xlm_roberta.py │ ├── test_tokenization_xlnet.py │ ├── test_trainer.py │ ├── test_trainer_callback.py │ ├── test_trainer_distributed.py │ ├── test_trainer_seq2seq.py │ ├── test_trainer_tpu.py │ ├── test_trainer_utils.py │ ├── test_utils_check_copies.py │ └── test_versions_utils.py │ ├── utils │ ├── check_copies.py │ ├── check_dummies.py │ ├── check_repo.py │ ├── check_table.py │ ├── check_tf_ops.py │ ├── class_mapping_update.py │ ├── convert.py │ ├── download_glue_data.py │ ├── get_modified_files.py │ ├── link_tester.py │ ├── notification_service.py │ ├── release.py │ ├── split_lora.py │ ├── style_doc.py │ └── tf_ops │ │ └── onnx.json │ └── valohai.yaml ├── loralib ├── __init__.py ├── layers.py └── utils.py └── setup.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/.gitignore -------------------------------------------------------------------------------- /LICENSE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/LICENSE.md -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/README.md -------------------------------------------------------------------------------- /SECURITY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/SECURITY.md -------------------------------------------------------------------------------- /examples/NLG/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /examples/NLG/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/LICENSE -------------------------------------------------------------------------------- /examples/NLG/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/README.md -------------------------------------------------------------------------------- /examples/NLG/SECURITY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/SECURITY.md -------------------------------------------------------------------------------- /examples/NLG/create_datasets.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/create_datasets.sh -------------------------------------------------------------------------------- /examples/NLG/data/dart/dart-v1.1.1-full-dev.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/data/dart/dart-v1.1.1-full-dev.json -------------------------------------------------------------------------------- /examples/NLG/data/dart/dart-v1.1.1-full-test.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/data/dart/dart-v1.1.1-full-test.json -------------------------------------------------------------------------------- /examples/NLG/data/dart/dart-v1.1.1-full-train.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/data/dart/dart-v1.1.1-full-train.json -------------------------------------------------------------------------------- /examples/NLG/data/e2e/test.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/data/e2e/test.txt -------------------------------------------------------------------------------- /examples/NLG/data/e2e/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/data/e2e/train.txt -------------------------------------------------------------------------------- /examples/NLG/data/e2e/valid.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/data/e2e/valid.txt -------------------------------------------------------------------------------- /examples/NLG/data/webnlg_challenge_2017/dev.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/data/webnlg_challenge_2017/dev.json -------------------------------------------------------------------------------- /examples/NLG/data/webnlg_challenge_2017/test.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/data/webnlg_challenge_2017/test.json -------------------------------------------------------------------------------- /examples/NLG/data/webnlg_challenge_2017/train.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/data/webnlg_challenge_2017/train.json -------------------------------------------------------------------------------- /examples/NLG/download_pretrained_checkpoints.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/download_pretrained_checkpoints.sh -------------------------------------------------------------------------------- /examples/NLG/eval/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/eval/README.md -------------------------------------------------------------------------------- /examples/NLG/eval/download_evalscript.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/eval/download_evalscript.sh -------------------------------------------------------------------------------- /examples/NLG/eval/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/eval/eval.py -------------------------------------------------------------------------------- /examples/NLG/figures/LoRA_GPT2.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/figures/LoRA_GPT2.PNG -------------------------------------------------------------------------------- /examples/NLG/figures/LoRA_GPT3.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/figures/LoRA_GPT3.PNG -------------------------------------------------------------------------------- /examples/NLG/requirement.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/requirement.txt -------------------------------------------------------------------------------- /examples/NLG/src/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/src/data_utils.py -------------------------------------------------------------------------------- /examples/NLG/src/encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/src/encoder.py -------------------------------------------------------------------------------- /examples/NLG/src/exp_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/src/exp_utils.py -------------------------------------------------------------------------------- /examples/NLG/src/format_converting_dart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/src/format_converting_dart.py -------------------------------------------------------------------------------- /examples/NLG/src/format_converting_e2e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/src/format_converting_e2e.py -------------------------------------------------------------------------------- /examples/NLG/src/format_converting_webnlg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/src/format_converting_webnlg.py -------------------------------------------------------------------------------- /examples/NLG/src/gpt2_beam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/src/gpt2_beam.py -------------------------------------------------------------------------------- /examples/NLG/src/gpt2_decode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/src/gpt2_decode.py -------------------------------------------------------------------------------- /examples/NLG/src/gpt2_encode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/src/gpt2_encode.py -------------------------------------------------------------------------------- /examples/NLG/src/gpt2_ft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/src/gpt2_ft.py -------------------------------------------------------------------------------- /examples/NLG/src/gpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/src/gpu.py -------------------------------------------------------------------------------- /examples/NLG/src/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/src/model.py -------------------------------------------------------------------------------- /examples/NLG/src/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/src/optimizer.py -------------------------------------------------------------------------------- /examples/NLG/vocab/config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/vocab/config.json -------------------------------------------------------------------------------- /examples/NLG/vocab/encoder.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/vocab/encoder.json -------------------------------------------------------------------------------- /examples/NLG/vocab/tokenizer.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/vocab/tokenizer.json -------------------------------------------------------------------------------- /examples/NLG/vocab/vocab.bpe: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/vocab/vocab.bpe -------------------------------------------------------------------------------- /examples/NLG/vocab/vocab.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLG/vocab/vocab.json -------------------------------------------------------------------------------- /examples/NLU/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /examples/NLU/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/CONTRIBUTING.md -------------------------------------------------------------------------------- /examples/NLU/ISSUES.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/ISSUES.md -------------------------------------------------------------------------------- /examples/NLU/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/LICENSE -------------------------------------------------------------------------------- /examples/NLU/MANIFEST.in: -------------------------------------------------------------------------------- 1 | include LICENSE 2 | -------------------------------------------------------------------------------- /examples/NLU/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/Makefile -------------------------------------------------------------------------------- /examples/NLU/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/README.md -------------------------------------------------------------------------------- /examples/NLU/adapter_houlsby_roberta_large_mnli.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/adapter_houlsby_roberta_large_mnli.sh -------------------------------------------------------------------------------- /examples/NLU/adapter_pfeiffer_roberta_large_mnli.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/adapter_pfeiffer_roberta_large_mnli.sh -------------------------------------------------------------------------------- /examples/NLU/deberta_v2_xxlarge_cola.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/deberta_v2_xxlarge_cola.sh -------------------------------------------------------------------------------- /examples/NLU/deberta_v2_xxlarge_mnli.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/deberta_v2_xxlarge_mnli.sh -------------------------------------------------------------------------------- /examples/NLU/deberta_v2_xxlarge_mrpc.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/deberta_v2_xxlarge_mrpc.sh -------------------------------------------------------------------------------- /examples/NLU/deberta_v2_xxlarge_qnli.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/deberta_v2_xxlarge_qnli.sh -------------------------------------------------------------------------------- /examples/NLU/deberta_v2_xxlarge_qqp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/deberta_v2_xxlarge_qqp.sh -------------------------------------------------------------------------------- /examples/NLU/deberta_v2_xxlarge_rte.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/deberta_v2_xxlarge_rte.sh -------------------------------------------------------------------------------- /examples/NLU/deberta_v2_xxlarge_sst2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/deberta_v2_xxlarge_sst2.sh -------------------------------------------------------------------------------- /examples/NLU/deberta_v2_xxlarge_stsb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/deberta_v2_xxlarge_stsb.sh -------------------------------------------------------------------------------- /examples/NLU/docker/transformers-cpu/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docker/transformers-cpu/Dockerfile -------------------------------------------------------------------------------- /examples/NLU/docker/transformers-gpu/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docker/transformers-gpu/Dockerfile -------------------------------------------------------------------------------- /examples/NLU/docker/transformers-pytorch-cpu/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docker/transformers-pytorch-cpu/Dockerfile -------------------------------------------------------------------------------- /examples/NLU/docker/transformers-pytorch-gpu/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docker/transformers-pytorch-gpu/Dockerfile -------------------------------------------------------------------------------- /examples/NLU/docker/transformers-pytorch-tpu/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docker/transformers-pytorch-tpu/Dockerfile -------------------------------------------------------------------------------- /examples/NLU/docker/transformers-pytorch-tpu/dataset.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docker/transformers-pytorch-tpu/dataset.yaml -------------------------------------------------------------------------------- /examples/NLU/docker/transformers-tensorflow-cpu/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docker/transformers-tensorflow-cpu/Dockerfile -------------------------------------------------------------------------------- /examples/NLU/docker/transformers-tensorflow-gpu/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docker/transformers-tensorflow-gpu/Dockerfile -------------------------------------------------------------------------------- /examples/NLU/docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/Makefile -------------------------------------------------------------------------------- /examples/NLU/docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/README.md -------------------------------------------------------------------------------- /examples/NLU/docs/source/_static/css/Calibre-Light.ttf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/_static/css/Calibre-Light.ttf -------------------------------------------------------------------------------- /examples/NLU/docs/source/_static/css/Calibre-Medium.otf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/_static/css/Calibre-Medium.otf -------------------------------------------------------------------------------- /examples/NLU/docs/source/_static/css/Calibre-Regular.otf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/_static/css/Calibre-Regular.otf -------------------------------------------------------------------------------- /examples/NLU/docs/source/_static/css/Calibre-Thin.otf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/_static/css/Calibre-Thin.otf -------------------------------------------------------------------------------- /examples/NLU/docs/source/_static/css/code-snippets.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/_static/css/code-snippets.css -------------------------------------------------------------------------------- /examples/NLU/docs/source/_static/css/huggingface.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/_static/css/huggingface.css -------------------------------------------------------------------------------- /examples/NLU/docs/source/_static/js/custom.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/_static/js/custom.js -------------------------------------------------------------------------------- /examples/NLU/docs/source/_static/js/huggingface_logo.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/_static/js/huggingface_logo.svg -------------------------------------------------------------------------------- /examples/NLU/docs/source/add_new_model.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/add_new_model.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/benchmarks.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/benchmarks.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/bertology.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/bertology.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/community.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/community.md -------------------------------------------------------------------------------- /examples/NLU/docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/conf.py -------------------------------------------------------------------------------- /examples/NLU/docs/source/contributing.md: -------------------------------------------------------------------------------- 1 | ../../CONTRIBUTING.md -------------------------------------------------------------------------------- /examples/NLU/docs/source/converting_tensorflow_models.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/converting_tensorflow_models.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/custom_datasets.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/custom_datasets.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/examples.md: -------------------------------------------------------------------------------- 1 | ../../examples/README.md -------------------------------------------------------------------------------- /examples/NLU/docs/source/favicon.ico: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/favicon.ico -------------------------------------------------------------------------------- /examples/NLU/docs/source/glossary.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/glossary.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/imgs/local_attention_mask.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/imgs/local_attention_mask.png -------------------------------------------------------------------------------- /examples/NLU/docs/source/imgs/ppl_chunked.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/imgs/ppl_chunked.gif -------------------------------------------------------------------------------- /examples/NLU/docs/source/imgs/ppl_full.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/imgs/ppl_full.gif -------------------------------------------------------------------------------- /examples/NLU/docs/source/imgs/ppl_sliding.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/imgs/ppl_sliding.gif -------------------------------------------------------------------------------- /examples/NLU/docs/source/imgs/transformers_logo_name.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/imgs/transformers_logo_name.png -------------------------------------------------------------------------------- /examples/NLU/docs/source/imgs/transformers_overview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/imgs/transformers_overview.png -------------------------------------------------------------------------------- /examples/NLU/docs/source/imgs/warmup_constant_schedule.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/imgs/warmup_constant_schedule.png -------------------------------------------------------------------------------- /examples/NLU/docs/source/imgs/warmup_cosine_schedule.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/imgs/warmup_cosine_schedule.png -------------------------------------------------------------------------------- /examples/NLU/docs/source/imgs/warmup_linear_schedule.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/imgs/warmup_linear_schedule.png -------------------------------------------------------------------------------- /examples/NLU/docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/index.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/installation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/installation.md -------------------------------------------------------------------------------- /examples/NLU/docs/source/internal/file_utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/internal/file_utils.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/internal/generation_utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/internal/generation_utils.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/internal/modeling_utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/internal/modeling_utils.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/internal/pipelines_utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/internal/pipelines_utils.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/internal/tokenization_utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/internal/tokenization_utils.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/internal/trainer_utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/internal/trainer_utils.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/main_classes/callback.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/main_classes/callback.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/main_classes/configuration.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/main_classes/configuration.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/main_classes/feature_extractor.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/main_classes/feature_extractor.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/main_classes/logging.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/main_classes/logging.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/main_classes/model.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/main_classes/model.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/main_classes/optimizer_schedules.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/main_classes/optimizer_schedules.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/main_classes/output.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/main_classes/output.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/main_classes/pipelines.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/main_classes/pipelines.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/main_classes/processors.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/main_classes/processors.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/main_classes/tokenizer.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/main_classes/tokenizer.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/main_classes/trainer.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/main_classes/trainer.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/migration.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/migration.md -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/albert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/albert.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/auto.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/auto.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/bart.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/bart.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/barthez.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/barthez.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/bert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/bert.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/bertgeneration.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/bertgeneration.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/bertweet.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/bertweet.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/blenderbot.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/blenderbot.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/blenderbot_small.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/blenderbot_small.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/bort.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/bort.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/camembert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/camembert.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/convbert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/convbert.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/ctrl.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/ctrl.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/deberta.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/deberta.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/deberta_v2.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/deberta_v2.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/dialogpt.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/dialogpt.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/distilbert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/distilbert.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/dpr.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/dpr.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/electra.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/electra.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/encoderdecoder.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/encoderdecoder.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/flaubert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/flaubert.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/fsmt.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/fsmt.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/funnel.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/funnel.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/gpt.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/gpt.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/gpt2.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/gpt2.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/herbert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/herbert.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/ibert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/ibert.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/layoutlm.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/layoutlm.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/led.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/led.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/longformer.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/longformer.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/lxmert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/lxmert.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/m2m_100.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/m2m_100.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/marian.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/marian.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/mbart.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/mbart.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/mobilebert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/mobilebert.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/mpnet.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/mpnet.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/mt5.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/mt5.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/pegasus.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/pegasus.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/phobert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/phobert.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/prophetnet.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/prophetnet.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/rag.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/rag.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/reformer.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/reformer.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/retribert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/retribert.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/roberta.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/roberta.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/speech_to_text.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/speech_to_text.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/squeezebert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/squeezebert.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/t5.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/t5.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/tapas.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/tapas.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/transformerxl.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/transformerxl.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/wav2vec2.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/wav2vec2.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/xlm.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/xlm.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/xlmprophetnet.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/xlmprophetnet.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/xlmroberta.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/xlmroberta.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/xlnet.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/xlnet.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_doc/xlsr_wav2vec2.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_doc/xlsr_wav2vec2.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_sharing.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_sharing.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/model_summary.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/model_summary.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/multilingual.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/multilingual.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/notebooks.md: -------------------------------------------------------------------------------- 1 | ../../notebooks/README.md -------------------------------------------------------------------------------- /examples/NLU/docs/source/perplexity.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/perplexity.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/philosophy.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/philosophy.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/preprocessing.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/preprocessing.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/pretrained_models.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/pretrained_models.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/quicktour.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/quicktour.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/serialization.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/serialization.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/task_summary.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/task_summary.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/testing.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/testing.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/tokenizer_summary.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/tokenizer_summary.rst -------------------------------------------------------------------------------- /examples/NLU/docs/source/training.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/docs/source/training.rst -------------------------------------------------------------------------------- /examples/NLU/ds_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/ds_config.json -------------------------------------------------------------------------------- /examples/NLU/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/environment.yml -------------------------------------------------------------------------------- /examples/NLU/examples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/_tests_requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/_tests_requirements.txt -------------------------------------------------------------------------------- /examples/NLU/examples/benchmarking/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/benchmarking/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/benchmarking/plot_csv_file.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/benchmarking/plot_csv_file.py -------------------------------------------------------------------------------- /examples/NLU/examples/benchmarking/requirements.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/NLU/examples/benchmarking/run_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/benchmarking/run_benchmark.py -------------------------------------------------------------------------------- /examples/NLU/examples/benchmarking/run_benchmark_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/benchmarking/run_benchmark_tf.py -------------------------------------------------------------------------------- /examples/NLU/examples/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/conftest.py -------------------------------------------------------------------------------- /examples/NLU/examples/language-modeling/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/language-modeling/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/language-modeling/requirements.txt: -------------------------------------------------------------------------------- 1 | datasets >= 1.1.3 2 | sentencepiece != 0.1.92 3 | protobuf 4 | -------------------------------------------------------------------------------- /examples/NLU/examples/language-modeling/run_clm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/language-modeling/run_clm.py -------------------------------------------------------------------------------- /examples/NLU/examples/language-modeling/run_mlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/language-modeling/run_mlm.py -------------------------------------------------------------------------------- /examples/NLU/examples/language-modeling/run_mlm_flax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/language-modeling/run_mlm_flax.py -------------------------------------------------------------------------------- /examples/NLU/examples/language-modeling/run_plm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/language-modeling/run_plm.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/pytorch-lightning/lightning_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/pytorch-lightning/lightning_base.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/pytorch-lightning/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/pytorch-lightning/requirements.txt -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/pytorch-lightning/run_glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/pytorch-lightning/run_glue.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/pytorch-lightning/run_glue.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/pytorch-lightning/run_glue.sh -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/pytorch-lightning/run_ner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/pytorch-lightning/run_ner.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/pytorch-lightning/run_ner.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/pytorch-lightning/run_ner.sh -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/pytorch-lightning/run_pos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/pytorch-lightning/run_pos.sh -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/question-answering/run_squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/question-answering/run_squad.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/run_camembert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/run_camembert.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/run_chinese_ref.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/run_chinese_ref.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/run_language_modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/run_language_modeling.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/run_openai_gpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/run_openai_gpt.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/run_swag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/run_swag.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/run_transfo_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/run_transfo_xl.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/__init__.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/convert_model_to_fp16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/convert_model_to_fp16.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/download_wmt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/download_wmt.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/finetune.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/finetune.sh -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/finetune_tpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/finetune_tpu.sh -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/finetune_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/finetune_trainer.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/minify_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/minify_dataset.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/old_test_calculate_rouge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/old_test_calculate_rouge.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/old_test_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/old_test_datasets.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/pack_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/pack_dataset.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/requirements.txt -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/rouge_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/rouge_cli.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/run_distributed_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/run_distributed_eval.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/run_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/run_eval.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/run_eval_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/run_eval_search.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/save_len_file.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/save_len_file.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/sentence_splitter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/sentence_splitter.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/seq2seq_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/seq2seq_trainer.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/seq2seq_training_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/seq2seq_training_args.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/train_distilbart_cnn.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/train_distilbart_cnn.sh -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/train_mbart_cc25_enro.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/train_mbart_cc25_enro.sh -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/utils.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/seq2seq/xla_spawn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/seq2seq/xla_spawn.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/token-classification/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/token-classification/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/token-classification/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/token-classification/run.sh -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/token-classification/run_ner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/token-classification/run_ner.py -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/token-classification/run_pos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/token-classification/run_pos.sh -------------------------------------------------------------------------------- /examples/NLU/examples/legacy/token-classification/tasks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/legacy/token-classification/tasks.py -------------------------------------------------------------------------------- /examples/NLU/examples/multiple-choice/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/multiple-choice/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/multiple-choice/requirements.txt: -------------------------------------------------------------------------------- 1 | sentencepiece != 0.1.92 2 | protobuf 3 | -------------------------------------------------------------------------------- /examples/NLU/examples/multiple-choice/run_swag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/multiple-choice/run_swag.py -------------------------------------------------------------------------------- /examples/NLU/examples/question-answering/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/question-answering/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/question-answering/requirements.txt: -------------------------------------------------------------------------------- 1 | datasets >= 1.2.1 2 | -------------------------------------------------------------------------------- /examples/NLU/examples/question-answering/run_qa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/question-answering/run_qa.py -------------------------------------------------------------------------------- /examples/NLU/examples/question-answering/run_tf_squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/question-answering/run_tf_squad.py -------------------------------------------------------------------------------- /examples/NLU/examples/question-answering/trainer_qa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/question-answering/trainer_qa.py -------------------------------------------------------------------------------- /examples/NLU/examples/question-answering/utils_qa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/question-answering/utils_qa.py -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/adversarial/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/adversarial/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/adversarial/requirements.txt: -------------------------------------------------------------------------------- 1 | transformers == 3.5.1 2 | -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/bert-loses-patience/pabee/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/bert-loses-patience/requirements.txt: -------------------------------------------------------------------------------- 1 | transformers == 3.5.1 -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/bertabs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/bertabs/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/bertabs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/bertabs/requirements.txt: -------------------------------------------------------------------------------- 1 | transformers == 3.5.1 2 | 3 | # For ROUGE 4 | nltk 5 | py-rouge 6 | -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/bertology/requirements.txt: -------------------------------------------------------------------------------- 1 | transformers == 3.5.1 2 | -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/deebert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/deebert/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/deebert/requirements.txt: -------------------------------------------------------------------------------- 1 | transformers == 3.5.1 2 | -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/deebert/src/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/distillation/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/distillation/train.py -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/distillation/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/distillation/utils.py -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/longform-qa/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/longform-qa/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/longform-qa/requirements.txt: -------------------------------------------------------------------------------- 1 | datasets >= 1.1.3 2 | faiss-cpu 3 | streamlit 4 | elasticsearch 5 | -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/lxmert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/lxmert/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/lxmert/demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/lxmert/demo.ipynb -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/lxmert/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/lxmert/utils.py -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/mlm_wwm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/mlm_wwm/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/mlm_wwm/requirements.txt: -------------------------------------------------------------------------------- 1 | datasets >= 1.1.3 2 | sentencepiece != 0.1.92 3 | protobuf 4 | ltp 5 | -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/mm-imdb/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/mm-imdb/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/mm-imdb/run_mmimdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/mm-imdb/run_mmimdb.py -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/performer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/performer/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/pplm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/pplm/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/pplm/imgs/wooly.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/pplm/imgs/wooly.png -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/pplm/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/pplm/requirements.txt -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/pplm/run_pplm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/pplm/run_pplm.py -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/rag/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/rag/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/rag/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/rag/__init__.py -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/rag/callbacks_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/rag/callbacks_rag.py -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/rag/eval_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/rag/eval_rag.py -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/rag/finetune_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/rag/finetune_rag.py -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/rag/finetune_rag.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/rag/finetune_rag.sh -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/rag/lightning_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/rag/lightning_base.py -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/rag/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/rag/requirements.txt -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/rag/utils_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/rag/utils_rag.py -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/wav2vec2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/wav2vec2/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/wav2vec2/requirements.txt: -------------------------------------------------------------------------------- 1 | transformers 2 | datasets 3 | torch >= 1.5.0 4 | jiwer 5 | -------------------------------------------------------------------------------- /examples/NLU/examples/research_projects/wav2vec2/run_asr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/research_projects/wav2vec2/run_asr.py -------------------------------------------------------------------------------- /examples/NLU/examples/seq2seq/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/seq2seq/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/seq2seq/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/seq2seq/requirements.txt -------------------------------------------------------------------------------- /examples/NLU/examples/seq2seq/run_summarization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/seq2seq/run_summarization.py -------------------------------------------------------------------------------- /examples/NLU/examples/seq2seq/run_translation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/seq2seq/run_translation.py -------------------------------------------------------------------------------- /examples/NLU/examples/test_data/wmt_en_ro/test.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/test_data/wmt_en_ro/test.json -------------------------------------------------------------------------------- /examples/NLU/examples/test_data/wmt_en_ro/train.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/test_data/wmt_en_ro/train.json -------------------------------------------------------------------------------- /examples/NLU/examples/test_data/wmt_en_ro/val.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/test_data/wmt_en_ro/val.json -------------------------------------------------------------------------------- /examples/NLU/examples/test_examples.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/test_examples.py -------------------------------------------------------------------------------- /examples/NLU/examples/test_xla_examples.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/test_xla_examples.py -------------------------------------------------------------------------------- /examples/NLU/examples/tests/deepspeed/ds_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/tests/deepspeed/ds_config.json -------------------------------------------------------------------------------- /examples/NLU/examples/tests/deepspeed/test_deepspeed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/tests/deepspeed/test_deepspeed.py -------------------------------------------------------------------------------- /examples/NLU/examples/tests/trainer/test_trainer_ext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/tests/trainer/test_trainer_ext.py -------------------------------------------------------------------------------- /examples/NLU/examples/text-classification/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/text-classification/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/text-classification/requirements.txt: -------------------------------------------------------------------------------- 1 | accelerate 2 | datasets >= 1.1.3 3 | sentencepiece != 0.1.92 4 | protobuf 5 | -------------------------------------------------------------------------------- /examples/NLU/examples/text-classification/run_glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/text-classification/run_glue.py -------------------------------------------------------------------------------- /examples/NLU/examples/text-classification/run_tf_glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/text-classification/run_tf_glue.py -------------------------------------------------------------------------------- /examples/NLU/examples/text-classification/run_xnli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/text-classification/run_xnli.py -------------------------------------------------------------------------------- /examples/NLU/examples/text-generation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/text-generation/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/text-generation/requirements.txt: -------------------------------------------------------------------------------- 1 | sentencepiece != 0.1.92 2 | protobuf 3 | loralib 4 | -------------------------------------------------------------------------------- /examples/NLU/examples/text-generation/run_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/text-generation/run_generation.py -------------------------------------------------------------------------------- /examples/NLU/examples/token-classification/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/token-classification/README.md -------------------------------------------------------------------------------- /examples/NLU/examples/token-classification/requirements.txt: -------------------------------------------------------------------------------- 1 | seqeval 2 | datasets >= 1.1.3 3 | -------------------------------------------------------------------------------- /examples/NLU/examples/token-classification/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/token-classification/run.sh -------------------------------------------------------------------------------- /examples/NLU/examples/token-classification/run_ner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/token-classification/run_ner.py -------------------------------------------------------------------------------- /examples/NLU/examples/xla_spawn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/examples/xla_spawn.py -------------------------------------------------------------------------------- /examples/NLU/figures/LoRA_NLU.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/figures/LoRA_NLU.PNG -------------------------------------------------------------------------------- /examples/NLU/figures/deberta_lora_glue.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/figures/deberta_lora_glue.jpg -------------------------------------------------------------------------------- /examples/NLU/hubconf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/hubconf.py -------------------------------------------------------------------------------- /examples/NLU/mnli.cutoff.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/mnli.cutoff.sh -------------------------------------------------------------------------------- /examples/NLU/mnli.rdrop.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/mnli.rdrop.sh -------------------------------------------------------------------------------- /examples/NLU/model_cards/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/model_cards/README.md -------------------------------------------------------------------------------- /examples/NLU/model_cards/google/tapas-base/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/model_cards/google/tapas-base/README.md -------------------------------------------------------------------------------- /examples/NLU/notebooks/01-training-tokenizers.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/notebooks/01-training-tokenizers.ipynb -------------------------------------------------------------------------------- /examples/NLU/notebooks/02-transformers.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/notebooks/02-transformers.ipynb -------------------------------------------------------------------------------- /examples/NLU/notebooks/03-pipelines.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/notebooks/03-pipelines.ipynb -------------------------------------------------------------------------------- /examples/NLU/notebooks/04-onnx-export.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/notebooks/04-onnx-export.ipynb -------------------------------------------------------------------------------- /examples/NLU/notebooks/05-benchmark.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/notebooks/05-benchmark.ipynb -------------------------------------------------------------------------------- /examples/NLU/notebooks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/notebooks/README.md -------------------------------------------------------------------------------- /examples/NLU/pyproject.toml: -------------------------------------------------------------------------------- 1 | [tool.black] 2 | line-length = 119 3 | target-version = ['py35'] 4 | -------------------------------------------------------------------------------- /examples/NLU/roberta_base_cola.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_base_cola.sh -------------------------------------------------------------------------------- /examples/NLU/roberta_base_lora_mnli.bin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_base_lora_mnli.bin -------------------------------------------------------------------------------- /examples/NLU/roberta_base_mnli.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_base_mnli.sh -------------------------------------------------------------------------------- /examples/NLU/roberta_base_mrpc.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_base_mrpc.sh -------------------------------------------------------------------------------- /examples/NLU/roberta_base_qnli.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_base_qnli.sh -------------------------------------------------------------------------------- /examples/NLU/roberta_base_qqp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_base_qqp.sh -------------------------------------------------------------------------------- /examples/NLU/roberta_base_rte.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_base_rte.sh -------------------------------------------------------------------------------- /examples/NLU/roberta_base_sst2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_base_sst2.sh -------------------------------------------------------------------------------- /examples/NLU/roberta_base_stsb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_base_stsb.sh -------------------------------------------------------------------------------- /examples/NLU/roberta_large_cola.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_large_cola.sh -------------------------------------------------------------------------------- /examples/NLU/roberta_large_lora_mnli.bin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_large_lora_mnli.bin -------------------------------------------------------------------------------- /examples/NLU/roberta_large_mnli.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_large_mnli.sh -------------------------------------------------------------------------------- /examples/NLU/roberta_large_mrpc.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_large_mrpc.sh -------------------------------------------------------------------------------- /examples/NLU/roberta_large_qnli.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_large_qnli.sh -------------------------------------------------------------------------------- /examples/NLU/roberta_large_qqp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_large_qqp.sh -------------------------------------------------------------------------------- /examples/NLU/roberta_large_rte.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_large_rte.sh -------------------------------------------------------------------------------- /examples/NLU/roberta_large_sst2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_large_sst2.sh -------------------------------------------------------------------------------- /examples/NLU/roberta_large_stsb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/roberta_large_stsb.sh -------------------------------------------------------------------------------- /examples/NLU/scripts/check_tokenizers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/check_tokenizers.py -------------------------------------------------------------------------------- /examples/NLU/scripts/fsmt/convert-allenai-wmt16.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/fsmt/convert-allenai-wmt16.sh -------------------------------------------------------------------------------- /examples/NLU/scripts/fsmt/convert-allenai-wmt19.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/fsmt/convert-allenai-wmt19.sh -------------------------------------------------------------------------------- /examples/NLU/scripts/fsmt/convert-facebook-wmt19.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/fsmt/convert-facebook-wmt19.sh -------------------------------------------------------------------------------- /examples/NLU/scripts/fsmt/eval-allenai-wmt16.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/fsmt/eval-allenai-wmt16.sh -------------------------------------------------------------------------------- /examples/NLU/scripts/fsmt/eval-allenai-wmt19.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/fsmt/eval-allenai-wmt19.sh -------------------------------------------------------------------------------- /examples/NLU/scripts/fsmt/eval-facebook-wmt19.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/fsmt/eval-facebook-wmt19.sh -------------------------------------------------------------------------------- /examples/NLU/scripts/fsmt/fsmt-make-super-tiny-model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/fsmt/fsmt-make-super-tiny-model.py -------------------------------------------------------------------------------- /examples/NLU/scripts/fsmt/fsmt-make-tiny-model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/fsmt/fsmt-make-tiny-model.py -------------------------------------------------------------------------------- /examples/NLU/scripts/fsmt/gen-card-allenai-wmt16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/fsmt/gen-card-allenai-wmt16.py -------------------------------------------------------------------------------- /examples/NLU/scripts/fsmt/gen-card-allenai-wmt19.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/fsmt/gen-card-allenai-wmt19.py -------------------------------------------------------------------------------- /examples/NLU/scripts/fsmt/gen-card-facebook-wmt19.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/fsmt/gen-card-facebook-wmt19.py -------------------------------------------------------------------------------- /examples/NLU/scripts/fsmt/s3-move.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/fsmt/s3-move.sh -------------------------------------------------------------------------------- /examples/NLU/scripts/fsmt/tests-to-run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/fsmt/tests-to-run.sh -------------------------------------------------------------------------------- /examples/NLU/scripts/pegasus/build_test_sample_spm_no_bos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/pegasus/build_test_sample_spm_no_bos.py -------------------------------------------------------------------------------- /examples/NLU/scripts/stale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/stale.py -------------------------------------------------------------------------------- /examples/NLU/scripts/tatoeba/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/tatoeba/README.md -------------------------------------------------------------------------------- /examples/NLU/scripts/tatoeba/upload_models.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/scripts/tatoeba/upload_models.sh -------------------------------------------------------------------------------- /examples/NLU/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/setup.cfg -------------------------------------------------------------------------------- /examples/NLU/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/setup.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/activations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/activations.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/activations_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/activations_tf.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/benchmark/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/NLU/src/transformers/benchmark/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/benchmark/benchmark.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/benchmark/benchmark_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/benchmark/benchmark_args.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/benchmark/benchmark_args_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/benchmark/benchmark_args_tf.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/benchmark/benchmark_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/benchmark/benchmark_tf.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/benchmark/benchmark_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/benchmark/benchmark_utils.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/commands/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/commands/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/commands/add_new_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/commands/add_new_model.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/commands/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/commands/convert.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/commands/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/commands/download.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/commands/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/commands/env.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/commands/lfs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/commands/lfs.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/commands/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/commands/run.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/commands/serving.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/commands/serving.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/commands/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/commands/train.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/commands/transformers_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/commands/transformers_cli.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/commands/user.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/commands/user.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/configuration_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/configuration_utils.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/convert_graph_to_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/convert_graph_to_onnx.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/convert_slow_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/convert_slow_tokenizer.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/data/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/data/data_collator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/data/data_collator.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/data/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/data/datasets/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/data/datasets/glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/data/datasets/glue.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/data/datasets/squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/data/datasets/squad.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/data/metrics/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/data/metrics/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/data/metrics/squad_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/data/metrics/squad_metrics.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/data/processors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/data/processors/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/data/processors/glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/data/processors/glue.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/data/processors/squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/data/processors/squad.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/data/processors/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/data/processors/utils.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/data/processors/xnli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/data/processors/xnli.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/data/test_generation_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/data/test_generation_utils.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/dependency_versions_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/dependency_versions_check.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/dependency_versions_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/dependency_versions_table.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/feature_extraction_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/feature_extraction_utils.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/file_utils.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/generation_beam_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/generation_beam_search.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/generation_logits_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/generation_logits_process.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/generation_stopping_criteria.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/generation_stopping_criteria.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/generation_tf_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/generation_tf_utils.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/generation_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/generation_utils.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/hf_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/hf_api.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/hf_argparser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/hf_argparser.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/integrations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/integrations.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/modelcard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/modelcard.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/modeling_flax_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/modeling_flax_utils.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/modeling_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/modeling_outputs.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/modeling_tf_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/modeling_tf_outputs.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/modeling_tf_pytorch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/modeling_tf_pytorch_utils.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/modeling_tf_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/modeling_tf_utils.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/modeling_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/modeling_utils.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/adapter.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/albert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/albert/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/auto/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/auto/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/auto/modeling_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/auto/modeling_auto.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/auto/modeling_tf_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/auto/modeling_tf_auto.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/bart/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/bart/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/bart/modeling_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/bart/modeling_bart.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/bart/modeling_tf_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/bart/modeling_tf_bart.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/barthez/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/barthez/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/bert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/bert/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/bert/modeling_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/bert/modeling_bert.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/bert/modeling_tf_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/bert/modeling_tf_bert.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/bertweet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/bertweet/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/blenderbot/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/blenderbot/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/camembert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/camembert/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/convbert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/convbert/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/ctrl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/ctrl/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/ctrl/modeling_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/ctrl/modeling_ctrl.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/ctrl/modeling_tf_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/ctrl/modeling_tf_ctrl.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/deberta/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/deberta/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/deberta_v2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/deberta_v2/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/dialogpt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/distilbert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/distilbert/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/dpr/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/dpr/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/dpr/configuration_dpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/dpr/configuration_dpr.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/dpr/modeling_dpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/dpr/modeling_dpr.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/dpr/modeling_tf_dpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/dpr/modeling_tf_dpr.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/dpr/tokenization_dpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/dpr/tokenization_dpr.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/electra/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/electra/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/flaubert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/flaubert/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/fsmt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/fsmt/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/fsmt/modeling_fsmt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/fsmt/modeling_fsmt.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/funnel/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/funnel/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/gpt2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/gpt2/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/gpt2/modeling_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/gpt2/modeling_gpt2.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/gpt2/modeling_tf_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/gpt2/modeling_tf_gpt2.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/herbert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/herbert/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/ibert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/ibert/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/ibert/modeling_ibert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/ibert/modeling_ibert.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/ibert/quant_modules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/ibert/quant_modules.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/layoutlm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/layoutlm/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/led/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/led/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/led/configuration_led.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/led/configuration_led.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/led/modeling_led.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/led/modeling_led.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/led/modeling_tf_led.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/led/modeling_tf_led.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/led/tokenization_led.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/led/tokenization_led.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/longformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/longformer/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/lxmert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/lxmert/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/m2m_100/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/m2m_100/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/marian/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/marian/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/mbart/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/mbart/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/mbart/modeling_mbart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/mbart/modeling_mbart.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/mmbt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/mmbt/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/mmbt/modeling_mmbt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/mmbt/modeling_mmbt.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/mobilebert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/mobilebert/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/mpnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/mpnet/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/mpnet/modeling_mpnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/mpnet/modeling_mpnet.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/mt5/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/mt5/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/mt5/configuration_mt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/mt5/configuration_mt5.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/mt5/modeling_mt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/mt5/modeling_mt5.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/mt5/modeling_tf_mt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/mt5/modeling_tf_mt5.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/openai/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/openai/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/pegasus/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/pegasus/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/phobert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/phobert/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/prophetnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/prophetnet/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/rag/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/rag/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/rag/configuration_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/rag/configuration_rag.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/rag/modeling_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/rag/modeling_rag.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/rag/modeling_tf_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/rag/modeling_tf_rag.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/rag/retrieval_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/rag/retrieval_rag.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/rag/tokenization_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/rag/tokenization_rag.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/reformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/reformer/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/retribert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/retribert/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/roberta/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/roberta/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/squeezebert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/squeezebert/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/t5/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/t5/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/t5/configuration_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/t5/configuration_t5.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/t5/modeling_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/t5/modeling_t5.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/t5/modeling_tf_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/t5/modeling_tf_t5.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/t5/tokenization_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/t5/tokenization_t5.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/tapas/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/tapas/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/tapas/modeling_tapas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/tapas/modeling_tapas.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/transfo_xl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/transfo_xl/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/wav2vec2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/wav2vec2/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/xlm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/xlm/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/xlm/configuration_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/xlm/configuration_xlm.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/xlm/modeling_tf_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/xlm/modeling_tf_xlm.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/xlm/modeling_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/xlm/modeling_xlm.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/xlm/tokenization_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/xlm/tokenization_xlm.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/xlm_roberta/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/xlm_roberta/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/xlnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/xlnet/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/models/xlnet/modeling_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/models/xlnet/modeling_xlnet.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/optimization.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/optimization_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/optimization_tf.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/pipelines/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/pipelines/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/pipelines/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/pipelines/base.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/pipelines/conversational.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/pipelines/conversational.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/pipelines/feature_extraction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/pipelines/feature_extraction.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/pipelines/fill_mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/pipelines/fill_mask.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/pipelines/question_answering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/pipelines/question_answering.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/pipelines/text_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/pipelines/text_generation.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/sagemaker/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/sagemaker/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/sagemaker/trainer_sm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/sagemaker/trainer_sm.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/sagemaker/training_args_sm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/sagemaker/training_args_sm.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/testing_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/testing_utils.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/tokenization_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/tokenization_utils.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/tokenization_utils_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/tokenization_utils_base.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/tokenization_utils_fast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/tokenization_utils_fast.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/trainer.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/trainer_callback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/trainer_callback.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/trainer_pt_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/trainer_pt_utils.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/trainer_seq2seq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/trainer_seq2seq.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/trainer_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/trainer_tf.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/trainer_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/trainer_utils.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/training_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/training_args.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/training_args_seq2seq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/training_args_seq2seq.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/training_args_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/training_args_tf.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/utils/__init__.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/utils/dummy_flax_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/utils/dummy_flax_objects.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/utils/dummy_pt_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/utils/dummy_pt_objects.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/utils/dummy_tf_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/utils/dummy_tf_objects.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/utils/hp_naming.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/utils/hp_naming.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/utils/logging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/utils/logging.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/utils/model_parallel_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/utils/model_parallel_utils.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/utils/modeling_auto_mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/utils/modeling_auto_mapping.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/utils/notebook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/utils/notebook.py -------------------------------------------------------------------------------- /examples/NLU/src/transformers/utils/versions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/src/transformers/utils/versions.py -------------------------------------------------------------------------------- /examples/NLU/templates/adding_a_new_example_script/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/templates/adding_a_new_example_script/README.md -------------------------------------------------------------------------------- /examples/NLU/templates/adding_a_new_model/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/templates/adding_a_new_model/README.md -------------------------------------------------------------------------------- /examples/NLU/templates/adding_a_new_model/cookiecutter.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/templates/adding_a_new_model/cookiecutter.json -------------------------------------------------------------------------------- /examples/NLU/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/NLU/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/conftest.py -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/dummy-config.json: -------------------------------------------------------------------------------- 1 | { 2 | "model_type": "roberta" 3 | } -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/empty.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/input.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/input.txt -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/sample_text.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/sample_text.txt -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/sample_text_no_unicode.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/sample_text_no_unicode.txt -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/spiece.model: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/spiece.model -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/test_sentencepiece.model: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/test_sentencepiece.model -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/test_sentencepiece_bpe.model: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/test_sentencepiece_bpe.model -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/test_sentencepiece_no_bos.model: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/test_sentencepiece_no_bos.model -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/tests_samples/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/tests_samples/.gitignore -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/tests_samples/GermEval/dev.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/tests_samples/GermEval/dev.txt -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/tests_samples/GermEval/labels.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/tests_samples/GermEval/labels.txt -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/tests_samples/GermEval/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/tests_samples/GermEval/train.txt -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/tests_samples/MRPC/dev.tsv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/tests_samples/MRPC/dev.tsv -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/tests_samples/MRPC/train.tsv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/tests_samples/MRPC/train.tsv -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/tests_samples/SQUAD/sample.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/tests_samples/SQUAD/sample.json -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/tests_samples/STS-B/dev.tsv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/tests_samples/STS-B/dev.tsv -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/tests_samples/STS-B/train.tsv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/tests_samples/STS-B/train.tsv -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/tests_samples/conll/sample.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/tests_samples/conll/sample.json -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/tests_samples/swag/sample.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/tests_samples/swag/sample.json -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/tests_samples/wiki_text/wiki_00: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/tests_samples/wiki_text/wiki_00 -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/tests_samples/wmt16/sample.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/tests_samples/wmt16/sample.json -------------------------------------------------------------------------------- /examples/NLU/tests/fixtures/tests_samples/xsum/sample.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/fixtures/tests_samples/xsum/sample.json -------------------------------------------------------------------------------- /examples/NLU/tests/test_activations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_activations.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_activations_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_activations_tf.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_benchmark.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_benchmark_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_benchmark_tf.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_cli.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_configuration_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_configuration_auto.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_configuration_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_configuration_common.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_data_collator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_data_collator.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_doc_samples.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_doc_samples.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_feature_extraction_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_feature_extraction_common.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_feature_extraction_speech_to_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_feature_extraction_speech_to_text.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_feature_extraction_wav2vec2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_feature_extraction_wav2vec2.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_file_utils.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_flax_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_flax_auto.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_generation_beam_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_generation_beam_search.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_generation_logits_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_generation_logits_process.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_generation_stopping_criteria.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_generation_stopping_criteria.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_generation_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_generation_utils.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_hf_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_hf_api.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_hf_argparser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_hf_argparser.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_logging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_logging.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_model_card.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_model_card.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_model_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_model_output.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_albert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_auto.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_bart.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_bert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_bert_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_bert_generation.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_blenderbot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_blenderbot.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_blenderbot_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_blenderbot_small.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_bort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_bort.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_camembert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_camembert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_common.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_convbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_convbert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_ctrl.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_deberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_deberta.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_deberta_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_deberta_v2.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_distilbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_distilbert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_dpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_dpr.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_electra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_electra.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_encoder_decoder.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_flaubert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_flaubert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_flax_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_flax_bert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_flax_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_flax_common.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_flax_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_flax_roberta.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_fsmt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_fsmt.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_funnel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_funnel.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_gpt2.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_ibert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_ibert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_layoutlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_layoutlm.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_led.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_led.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_longformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_longformer.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_lxmert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_lxmert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_m2m_100.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_m2m_100.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_marian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_marian.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_mbart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_mbart.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_mobilebert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_mobilebert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_mpnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_mpnet.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_mt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_mt5.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_openai.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_pegasus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_pegasus.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_prophetnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_prophetnet.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_rag.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_reformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_reformer.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_roberta.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_speech_to_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_speech_to_text.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_squeezebert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_squeezebert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_t5.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tapas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tapas.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_albert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_auto.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_bart.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_bert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_blenderbot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_blenderbot.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_blenderbot_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_blenderbot_small.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_bort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_bort.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_camembert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_camembert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_common.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_convbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_convbert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_ctrl.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_distilbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_distilbert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_dpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_dpr.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_electra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_electra.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_flaubert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_flaubert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_funnel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_funnel.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_gpt2.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_led.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_led.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_longformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_longformer.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_lxmert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_lxmert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_marian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_marian.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_mbart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_mbart.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_mobilebert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_mobilebert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_mpnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_mpnet.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_mt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_mt5.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_openai.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_pegasus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_pegasus.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_pytorch.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_rag.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_roberta.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_t5.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_transfo_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_transfo_xl.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_xlm.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_xlm_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_xlm_roberta.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_tf_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_tf_xlnet.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_transfo_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_transfo_xl.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_wav2vec2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_wav2vec2.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_xlm.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_xlm_prophetnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_xlm_prophetnet.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_xlm_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_xlm_roberta.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_modeling_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_modeling_xlnet.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_offline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_offline.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_onnx.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_optimization.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_optimization_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_optimization_tf.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_pipelines_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_pipelines_common.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_pipelines_conversational.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_pipelines_conversational.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_pipelines_feature_extraction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_pipelines_feature_extraction.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_pipelines_fill_mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_pipelines_fill_mask.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_pipelines_ner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_pipelines_ner.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_pipelines_question_answering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_pipelines_question_answering.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_pipelines_sentiment_analysis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_pipelines_sentiment_analysis.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_pipelines_summarization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_pipelines_summarization.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_pipelines_table_question_answering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_pipelines_table_question_answering.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_pipelines_text2text_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_pipelines_text2text_generation.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_pipelines_text_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_pipelines_text_generation.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_pipelines_translation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_pipelines_translation.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_pipelines_zero_shot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_pipelines_zero_shot.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_processor_speech_to_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_processor_speech_to_text.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_processor_wav2vec2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_processor_wav2vec2.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_retrieval_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_retrieval_rag.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_sequence_feature_extraction_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_sequence_feature_extraction_common.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_skip_decorators.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_skip_decorators.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_albert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_auto.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_bart.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_barthez.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_barthez.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_bert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_bert_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_bert_generation.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_bert_japanese.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_bert_japanese.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_bertweet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_bertweet.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_blenderbot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_blenderbot.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_camembert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_camembert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_common.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_ctrl.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_deberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_deberta.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_deberta_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_deberta_v2.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_distilbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_distilbert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_dpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_dpr.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_fsmt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_fsmt.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_funnel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_funnel.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_gpt2.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_herbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_herbert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_layoutlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_layoutlm.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_lxmert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_lxmert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_m2m_100.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_m2m_100.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_marian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_marian.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_mbart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_mbart.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_mbart50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_mbart50.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_mpnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_mpnet.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_openai.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_pegasus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_pegasus.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_phobert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_phobert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_prophetnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_prophetnet.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_rag.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_reformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_reformer.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_roberta.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_small_blenderbot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_small_blenderbot.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_speech_to_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_speech_to_text.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_squeezebert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_squeezebert.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_t5.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_tapas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_tapas.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_transfo_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_transfo_xl.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_utils.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_wav2vec2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_wav2vec2.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_xlm.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_xlm_prophetnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_xlm_prophetnet.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_xlm_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_xlm_roberta.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_tokenization_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_tokenization_xlnet.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_trainer.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_trainer_callback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_trainer_callback.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_trainer_distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_trainer_distributed.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_trainer_seq2seq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_trainer_seq2seq.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_trainer_tpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_trainer_tpu.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_trainer_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_trainer_utils.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_utils_check_copies.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_utils_check_copies.py -------------------------------------------------------------------------------- /examples/NLU/tests/test_versions_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/tests/test_versions_utils.py -------------------------------------------------------------------------------- /examples/NLU/utils/check_copies.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/utils/check_copies.py -------------------------------------------------------------------------------- /examples/NLU/utils/check_dummies.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/utils/check_dummies.py -------------------------------------------------------------------------------- /examples/NLU/utils/check_repo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/utils/check_repo.py -------------------------------------------------------------------------------- /examples/NLU/utils/check_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/utils/check_table.py -------------------------------------------------------------------------------- /examples/NLU/utils/check_tf_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/utils/check_tf_ops.py -------------------------------------------------------------------------------- /examples/NLU/utils/class_mapping_update.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/utils/class_mapping_update.py -------------------------------------------------------------------------------- /examples/NLU/utils/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/utils/convert.py -------------------------------------------------------------------------------- /examples/NLU/utils/download_glue_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/utils/download_glue_data.py -------------------------------------------------------------------------------- /examples/NLU/utils/get_modified_files.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/utils/get_modified_files.py -------------------------------------------------------------------------------- /examples/NLU/utils/link_tester.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/utils/link_tester.py -------------------------------------------------------------------------------- /examples/NLU/utils/notification_service.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/utils/notification_service.py -------------------------------------------------------------------------------- /examples/NLU/utils/release.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/utils/release.py -------------------------------------------------------------------------------- /examples/NLU/utils/split_lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/utils/split_lora.py -------------------------------------------------------------------------------- /examples/NLU/utils/style_doc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/utils/style_doc.py -------------------------------------------------------------------------------- /examples/NLU/utils/tf_ops/onnx.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/utils/tf_ops/onnx.json -------------------------------------------------------------------------------- /examples/NLU/valohai.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/examples/NLU/valohai.yaml -------------------------------------------------------------------------------- /loralib/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/loralib/__init__.py -------------------------------------------------------------------------------- /loralib/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/loralib/layers.py -------------------------------------------------------------------------------- /loralib/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/loralib/utils.py -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/microsoft/LoRA/HEAD/setup.py --------------------------------------------------------------------------------