├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── LICENSE ├── README.md ├── docs ├── Makefile ├── _static │ └── theme_overrides.css ├── command_line_tools.rst ├── conf.py ├── criterions.rst ├── data.rst ├── docutils.conf ├── fairseq.gif ├── fairseq_logo.png ├── getting_started.rst ├── hydra_integration.md ├── index.rst ├── lr_scheduler.rst ├── make.bat ├── models.rst ├── modules.rst ├── optim.rst ├── overview.rst ├── requirements.txt ├── tasks.rst ├── tutorial_classifying_names.rst └── tutorial_simple_lstm.rst ├── examples ├── .gitignore ├── __init__.py ├── __pycache__ │ └── __init__.cpython-36.pyc ├── adaptive_span │ ├── README.md │ ├── __init__.py │ ├── adagrad_with_grad_clip.py │ ├── adaptive_span_attention.py │ ├── adaptive_span_loss.py │ ├── adaptive_span_model.py │ ├── adaptive_span_model_wrapper.py │ └── truncated_bptt_lm_task.py ├── backtranslation │ ├── README.md │ ├── deduplicate_lines.py │ ├── extract_bt_data.py │ ├── prepare-de-monolingual.sh │ ├── prepare-wmt18en2de.sh │ ├── sacrebleu.sh │ └── tokenized_bleu.sh ├── bart │ ├── README.glue.md │ ├── README.md │ ├── README.summarization.md │ └── summarize.py ├── byte_level_bpe │ ├── README.md │ ├── get_bitext.py │ ├── get_data.sh │ └── gru_transformer.py ├── camembert │ └── README.md ├── constrained_decoding │ ├── README.md │ ├── normalize.py │ └── tok.py ├── conv_seq2seq │ └── README.md ├── criss │ ├── README.md │ ├── download_and_preprocess_flores_test.sh │ ├── download_and_preprocess_tatoeba.sh │ ├── mining │ │ ├── mine.py │ │ └── mine_example.sh │ ├── save_encoder.py │ ├── sentence_retrieval │ │ ├── encoder_analysis.py │ │ └── sentence_retrieval_tatoeba.sh │ └── unsupervised_mt │ │ └── eval.sh ├── cross_lingual_language_model │ └── README.md ├── fast_noisy_channel │ ├── README.md │ ├── __init__.py │ ├── noisy_channel_beam_search.py │ ├── noisy_channel_sequence_generator.py │ └── noisy_channel_translation.py ├── flores101 │ ├── README.md │ └── flores_logo.png ├── fully_sharded_data_parallel │ └── README.md ├── gottbert │ └── README.md ├── hubert │ ├── README.md │ ├── config │ │ ├── decode │ │ │ ├── ax_sweep │ │ │ │ ├── ngram.yaml │ │ │ │ └── transformer.yaml │ │ │ ├── infer_fsqlm.yaml │ │ │ ├── infer_kenlm.yaml │ │ │ ├── infer_viterbi.yaml │ │ │ └── run │ │ │ │ ├── submitit_slurm.yaml │ │ │ │ └── submitit_slurm_8gpu.yaml │ │ ├── finetune │ │ │ ├── base_10h.yaml │ │ │ ├── ckpt │ │ │ │ └── it1.yaml │ │ │ ├── lm │ │ │ │ └── ls_4gram.yaml │ │ │ └── run │ │ │ │ └── submitit_reg.yaml │ │ └── pretrain │ │ │ ├── data │ │ │ ├── iter1.yaml │ │ │ └── iter2.yaml │ │ │ ├── hubert_base_librispeech.yaml │ │ │ ├── hubert_large_librivox.yaml │ │ │ ├── hubert_xlarge_librivox.yaml │ │ │ └── run │ │ │ └── submitit_reg.yaml │ ├── measure_teacher_quality.py │ ├── simple_kmeans │ │ ├── README.md │ │ ├── dump_hubert_feature.py │ │ ├── dump_hubert_feature_s2t.py │ │ ├── dump_km_label.py │ │ ├── dump_mfcc_feature.py │ │ └── learn_kmeans.py │ └── update_ckpt.py ├── joint_alignment_translation │ ├── README.md │ └── prepare-wmt18en2de_no_norm_no_escape_no_agressive.sh ├── language_model │ ├── README.adaptive_inputs.md │ ├── README.conv.md │ ├── README.md │ └── prepare-wikitext-103.sh ├── laser │ ├── README.md │ └── laser_src │ │ ├── __init__.py │ │ ├── laser_lstm.py │ │ ├── laser_task.py │ │ ├── laser_transformer.py │ │ └── multitask_data_utils.py ├── latent_depth │ ├── README.md │ └── latent_depth_src │ │ ├── __init__.py │ │ ├── loss │ │ ├── __init__.py │ │ └── latent_depth.py │ │ ├── models │ │ ├── __init__.py │ │ ├── latent_multilingual_transformer.py │ │ └── latent_transformer.py │ │ ├── modules │ │ ├── __init__.py │ │ └── latent_layers.py │ │ └── multilingual_translation_latent_depth.py ├── layerdrop │ └── README.md ├── linformer │ ├── README.md │ └── linformer_src │ │ ├── __init__.py │ │ ├── models │ │ ├── __init__.py │ │ └── linformer_roberta.py │ │ └── modules │ │ ├── __init__.py │ │ ├── linformer_sentence_encoder.py │ │ ├── linformer_sentence_encoder_layer.py │ │ └── multihead_linear_attention.py ├── m2m_100 │ ├── README.md │ ├── install_dependecies.sh │ ├── process_data │ │ ├── clean_histogram.py │ │ ├── dedup_data.py │ │ └── remove_too_much_punc.py │ ├── tok.sh │ └── tokenizers │ │ ├── README.md │ │ ├── seg_ja.sh │ │ ├── seg_ko.sh │ │ ├── thirdparty │ │ └── .gitignore │ │ ├── tokenize_indic.py │ │ ├── tokenize_thai.py │ │ ├── tokenize_zh.py │ │ └── tokenizer_ar.sh ├── mbart │ └── README.md ├── megatron_11b │ ├── README.md │ └── detok.py ├── multilingual │ ├── ML50_langs.txt │ ├── README.md │ ├── data_scripts │ │ ├── README.md │ │ ├── binarize.py │ │ ├── check_iswlt_test_data.py │ │ ├── check_self_overlaps.py │ │ ├── check_valid_test_overlaps.py │ │ ├── dedup_all.py │ │ ├── download_ML50_v1.sh │ │ ├── download_af_xh.sh │ │ ├── download_flores_data.sh │ │ ├── download_iitb.sh │ │ ├── download_iwslt_and_extract.sh │ │ ├── download_lotus.sh │ │ ├── download_ted_and_extract.py │ │ ├── download_wat19_my.sh │ │ ├── download_wmt19_and_before.py │ │ ├── download_wmt20.sh │ │ ├── preprocess_ML50_v1.sh │ │ ├── remove_valid_test_in_train.py │ │ ├── requirement.txt │ │ └── utils │ │ │ ├── dedup.py │ │ │ ├── fasttext_multi_filter.py │ │ │ └── strip_sgm.sh │ ├── finetune_multilingual_model.sh │ ├── multilingual_fairseq_gen.sh │ └── train_multilingual_model.sh ├── noisychannel │ ├── README.md │ ├── __init__.py │ ├── rerank.py │ ├── rerank_generate.py │ ├── rerank_options.py │ ├── rerank_score_bw.py │ ├── rerank_score_lm.py │ ├── rerank_tune.py │ └── rerank_utils.py ├── nonautoregressive_translation │ ├── README.md │ └── scripts.md ├── paraphraser │ ├── README.md │ └── paraphrase.py ├── pay_less_attention_paper │ └── README.md ├── pointer_generator │ ├── README.md │ ├── README.xsum.md │ ├── pointer_generator_src │ │ ├── __init__.py │ │ └── transformer_pg.py │ ├── postprocess.py │ └── preprocess.py ├── quant_noise │ ├── README.md │ └── transformer_quantization_config.yaml ├── roberta │ ├── README.custom_classification.md │ ├── README.glue.md │ ├── README.md │ ├── README.pretraining.md │ ├── README.race.md │ ├── __pycache__ │ │ └── multiprocessing_bpe_encoder.cpython-36.pyc │ ├── commonsense_qa │ │ ├── README.md │ │ ├── __init__.py │ │ ├── commonsense_qa_task.py │ │ └── download_cqa_data.sh │ ├── multiprocessing_bpe_encoder.py │ ├── preprocess_GLUE_tasks.sh │ ├── preprocess_RACE.py │ ├── preprocess_RACE.sh │ └── wsc │ │ ├── README.md │ │ ├── __init__.py │ │ ├── wsc_criterion.py │ │ ├── wsc_task.py │ │ └── wsc_utils.py ├── rxf │ ├── README.md │ ├── __init__.py │ └── rxf_src │ │ ├── __init__.py │ │ ├── label_smoothed_cross_entropy_r3f.py │ │ └── sentence_prediction_r3f.py ├── scaling_nmt │ └── README.md ├── simultaneous_translation │ ├── README.md │ ├── __init__.py │ ├── __pycache__ │ │ └── __init__.cpython-36.pyc │ ├── docs │ │ ├── ende-mma.md │ │ └── enja-waitk.md │ ├── eval │ │ └── agents │ │ │ └── simul_t2t_enja.py │ ├── models │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── convtransformer_simul_trans.cpython-36.pyc │ │ │ └── transformer_monotonic_attention.cpython-36.pyc │ │ ├── convtransformer_simul_trans.py │ │ └── transformer_monotonic_attention.py │ ├── modules │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── fixed_pre_decision.cpython-36.pyc │ │ │ ├── monotonic_multihead_attention.cpython-36.pyc │ │ │ └── monotonic_transformer_layer.cpython-36.pyc │ │ ├── fixed_pre_decision.py │ │ ├── monotonic_multihead_attention.py │ │ └── monotonic_transformer_layer.py │ └── utils │ │ ├── __init__.py │ │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── data_utils.cpython-36.pyc │ │ ├── functions.cpython-36.pyc │ │ ├── latency.cpython-36.pyc │ │ └── p_choose_strategy.cpython-36.pyc │ │ ├── data_utils.py │ │ ├── functions.py │ │ ├── latency.py │ │ └── p_choose_strategy.py ├── speech_recognition │ ├── README.md │ ├── __init__.py │ ├── criterions │ │ ├── ASG_loss.py │ │ ├── __init__.py │ │ └── cross_entropy_acc.py │ ├── data │ │ ├── __init__.py │ │ ├── asr_dataset.py │ │ ├── collaters.py │ │ ├── data_utils.py │ │ └── replabels.py │ ├── datasets │ │ ├── asr_prep_json.py │ │ └── prepare-librispeech.sh │ ├── infer.py │ ├── kaldi │ │ ├── __init__.py │ │ ├── add-self-loop-simple.cc │ │ ├── config │ │ │ └── kaldi_initializer.yaml │ │ ├── kaldi_decoder.py │ │ └── kaldi_initializer.py │ ├── models │ │ ├── __init__.py │ │ ├── vggtransformer.py │ │ └── w2l_conv_glu_enc.py │ ├── new │ │ ├── README.md │ │ ├── __init__.py │ │ ├── conf │ │ │ ├── hydra │ │ │ │ └── sweeper │ │ │ │ │ └── ax.yaml │ │ │ └── infer.yaml │ │ ├── decoders │ │ │ ├── __init__.py │ │ │ ├── base_decoder.py │ │ │ ├── decoder.py │ │ │ ├── decoder_config.py │ │ │ ├── flashlight_decoder.py │ │ │ └── viterbi_decoder.py │ │ └── infer.py │ ├── tasks │ │ ├── __init__.py │ │ └── speech_recognition.py │ ├── utils │ │ └── wer_utils.py │ └── w2l_decoder.py ├── speech_to_text │ ├── README.md │ ├── data_utils.py │ ├── docs │ │ ├── covost_example.md │ │ ├── librispeech_example.md │ │ ├── mtedx_example.md │ │ ├── mustc_example.md │ │ └── simulst_mustc_example.md │ ├── prep_covost_data.py │ ├── prep_librispeech_data.py │ ├── prep_mtedx_data.py │ ├── prep_mustc_data.py │ ├── seg_mustc_data.py │ └── simultaneous_translation │ │ └── agents │ │ └── fairseq_simul_st_agent.py ├── stories │ └── README.md ├── translation │ ├── README.md │ ├── prepare-iwslt14.sh │ ├── prepare-iwslt17-multilingual.sh │ ├── prepare-wmt14en2de.sh │ └── prepare-wmt14en2fr.sh ├── translation_moe │ ├── README.md │ ├── score.py │ └── translation_moe_src │ │ ├── __init__.py │ │ ├── logsumexp_moe.py │ │ ├── mean_pool_gating_network.py │ │ └── translation_moe.py ├── truncated_bptt │ ├── README.md │ ├── __init__.py │ ├── transformer_xl_model.py │ └── truncated_bptt_lm_task.py ├── unsupervised_quality_estimation │ ├── README.md │ ├── aggregate_scores.py │ ├── meteor.py │ └── repeat_lines.py ├── wmt19 │ └── README.md ├── wmt20 │ └── README.md └── xlmr │ └── README.md ├── fairseq.egg-info ├── PKG-INFO ├── SOURCES.txt ├── dependency_links.txt ├── entry_points.txt ├── not-zip-safe ├── requires.txt └── top_level.txt ├── fairseq ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-36.pyc │ ├── binarizer.cpython-36.pyc │ ├── checkpoint_utils.cpython-36.pyc │ ├── file_io.cpython-36.pyc │ ├── file_utils.cpython-36.pyc │ ├── hub_utils.cpython-36.pyc │ ├── incremental_decoding_utils.cpython-36.pyc │ ├── iterative_refinement_generator.cpython-36.pyc │ ├── nan_detector.cpython-36.pyc │ ├── ngram_repeat_block.cpython-36.pyc │ ├── options.cpython-36.pyc │ ├── pdb.cpython-36.pyc │ ├── quantization_utils.cpython-36.pyc │ ├── registry.cpython-36.pyc │ ├── search.cpython-36.pyc │ ├── sequence_generator.cpython-36.pyc │ ├── sequence_scorer.cpython-36.pyc │ ├── token_generation_constraints.cpython-36.pyc │ ├── tokenizer.cpython-36.pyc │ ├── trainer.cpython-36.pyc │ ├── utils.cpython-36.pyc │ └── version.cpython-36.pyc ├── benchmark │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── dummy_dataset.cpython-36.pyc │ │ ├── dummy_lm.cpython-36.pyc │ │ ├── dummy_masked_lm.cpython-36.pyc │ │ ├── dummy_model.cpython-36.pyc │ │ └── dummy_mt.cpython-36.pyc │ ├── dummy_dataset.py │ ├── dummy_lm.py │ ├── dummy_masked_lm.py │ ├── dummy_model.py │ └── dummy_mt.py ├── binarizer.py ├── checkpoint_utils.py ├── clib │ ├── cuda │ │ ├── ngram_repeat_block_cuda.cpp │ │ └── ngram_repeat_block_cuda_kernel.cu │ ├── libbase │ │ └── balanced_assignment.cpp │ ├── libbleu │ │ ├── libbleu.cpp │ │ └── module.cpp │ ├── libnat │ │ └── edit_dist.cpp │ └── libnat_cuda │ │ ├── binding.cpp │ │ ├── edit_dist.cu │ │ └── edit_dist.h ├── config │ ├── __init__.py │ ├── config.yaml │ ├── model │ │ └── transformer_lm │ │ │ ├── transformer_lm_baevski_gbw.yaml │ │ │ ├── transformer_lm_baevski_wiki103.yaml │ │ │ ├── transformer_lm_big.yaml │ │ │ ├── transformer_lm_gbw.yaml │ │ │ ├── transformer_lm_gpt.yaml │ │ │ ├── transformer_lm_gpt2_big.yaml │ │ │ ├── transformer_lm_gpt2_medium.yaml │ │ │ ├── transformer_lm_gpt2_small.yaml │ │ │ └── transformer_lm_wiki103.yaml │ └── optim │ │ └── composite_small.yaml ├── criterions │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── adaptive_loss.cpython-36.pyc │ │ ├── composite_loss.cpython-36.pyc │ │ ├── cross_entropy.cpython-36.pyc │ │ ├── ctc.cpython-36.pyc │ │ ├── fairseq_criterion.cpython-36.pyc │ │ ├── hubert_criterion.cpython-36.pyc │ │ ├── label_smoothed_cross_entropy.cpython-36.pyc │ │ ├── label_smoothed_cross_entropy_latency_augmented.cpython-36.pyc │ │ ├── label_smoothed_cross_entropy_with_alignment.cpython-36.pyc │ │ ├── legacy_masked_lm.cpython-36.pyc │ │ ├── masked_lm.cpython-36.pyc │ │ ├── model_criterion.cpython-36.pyc │ │ ├── nat_loss.cpython-36.pyc │ │ ├── sentence_prediction.cpython-36.pyc │ │ ├── sentence_ranking.cpython-36.pyc │ │ ├── wav2vec_criterion.cpython-36.pyc │ │ ├── xentropy_and_balance.cpython-36.pyc │ │ └── xentropy_with_aux_loss.cpython-36.pyc │ ├── adaptive_loss.py │ ├── composite_loss.py │ ├── cross_entropy.py │ ├── ctc.py │ ├── fairseq_criterion.py │ ├── hubert_criterion.py │ ├── label_smoothed_cross_entropy.py │ ├── label_smoothed_cross_entropy_latency_augmented.py │ ├── label_smoothed_cross_entropy_with_alignment.py │ ├── legacy_masked_lm.py │ ├── masked_lm.py │ ├── model_criterion.py │ ├── nat_loss.py │ ├── sentence_prediction.py │ ├── sentence_ranking.py │ ├── wav2vec_criterion.py │ └── xentropy_with_aux_loss.py ├── data │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── add_target_dataset.cpython-36.pyc │ │ ├── append_token_dataset.cpython-36.pyc │ │ ├── backtranslation_dataset.cpython-36.pyc │ │ ├── base_wrapper_dataset.cpython-36.pyc │ │ ├── bucket_pad_length_dataset.cpython-36.pyc │ │ ├── colorize_dataset.cpython-36.pyc │ │ ├── concat_dataset.cpython-36.pyc │ │ ├── concat_sentences_dataset.cpython-36.pyc │ │ ├── data_utils.cpython-36.pyc │ │ ├── denoising_dataset.cpython-36.pyc │ │ ├── dictionary.cpython-36.pyc │ │ ├── fairseq_dataset.cpython-36.pyc │ │ ├── fasta_dataset.cpython-36.pyc │ │ ├── id_dataset.cpython-36.pyc │ │ ├── indexed_dataset.cpython-36.pyc │ │ ├── iterators.cpython-36.pyc │ │ ├── language_pair_dataset.cpython-36.pyc │ │ ├── list_dataset.cpython-36.pyc │ │ ├── lm_context_window_dataset.cpython-36.pyc │ │ ├── lru_cache_dataset.cpython-36.pyc │ │ ├── mask_tokens_dataset.cpython-36.pyc │ │ ├── monolingual_dataset.cpython-36.pyc │ │ ├── multi_corpus_sampled_dataset.cpython-36.pyc │ │ ├── nested_dictionary_dataset.cpython-36.pyc │ │ ├── noising.cpython-36.pyc │ │ ├── num_samples_dataset.cpython-36.pyc │ │ ├── numel_dataset.cpython-36.pyc │ │ ├── offset_tokens_dataset.cpython-36.pyc │ │ ├── pad_dataset.cpython-36.pyc │ │ ├── plasma_utils.cpython-36.pyc │ │ ├── prepend_dataset.cpython-36.pyc │ │ ├── prepend_token_dataset.cpython-36.pyc │ │ ├── raw_label_dataset.cpython-36.pyc │ │ ├── replace_dataset.cpython-36.pyc │ │ ├── resampling_dataset.cpython-36.pyc │ │ ├── roll_dataset.cpython-36.pyc │ │ ├── round_robin_zip_datasets.cpython-36.pyc │ │ ├── shorten_dataset.cpython-36.pyc │ │ ├── sort_dataset.cpython-36.pyc │ │ ├── strip_token_dataset.cpython-36.pyc │ │ ├── subsample_dataset.cpython-36.pyc │ │ ├── token_block_dataset.cpython-36.pyc │ │ ├── transform_eos_dataset.cpython-36.pyc │ │ └── transform_eos_lang_pair_dataset.cpython-36.pyc │ ├── add_target_dataset.py │ ├── append_token_dataset.py │ ├── audio │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── audio_utils.cpython-36.pyc │ │ │ ├── hubert_dataset.cpython-36.pyc │ │ │ ├── raw_audio_dataset.cpython-36.pyc │ │ │ └── speech_to_text_dataset.cpython-36.pyc │ │ ├── audio_utils.py │ │ ├── feature_transforms │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-36.pyc │ │ │ │ ├── global_cmvn.cpython-36.pyc │ │ │ │ ├── specaugment.cpython-36.pyc │ │ │ │ └── utterance_cmvn.cpython-36.pyc │ │ │ ├── global_cmvn.py │ │ │ ├── specaugment.py │ │ │ └── utterance_cmvn.py │ │ ├── hubert_dataset.py │ │ ├── raw_audio_dataset.py │ │ └── speech_to_text_dataset.py │ ├── backtranslation_dataset.py │ ├── base_wrapper_dataset.py │ ├── bucket_pad_length_dataset.py │ ├── colorize_dataset.py │ ├── concat_dataset.py │ ├── concat_sentences_dataset.py │ ├── data_utils.py │ ├── data_utils_fast.cpp │ ├── data_utils_fast.cpython-36m-x86_64-linux-gnu.so │ ├── data_utils_fast.pyx │ ├── denoising_dataset.py │ ├── dictionary.py │ ├── encoders │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── byte_bpe.cpython-36.pyc │ │ │ ├── byte_utils.cpython-36.pyc │ │ │ ├── bytes.cpython-36.pyc │ │ │ ├── characters.cpython-36.pyc │ │ │ ├── fastbpe.cpython-36.pyc │ │ │ ├── gpt2_bpe.cpython-36.pyc │ │ │ ├── gpt2_bpe_utils.cpython-36.pyc │ │ │ ├── hf_bert_bpe.cpython-36.pyc │ │ │ ├── hf_byte_bpe.cpython-36.pyc │ │ │ ├── moses_tokenizer.cpython-36.pyc │ │ │ ├── nltk_tokenizer.cpython-36.pyc │ │ │ ├── sentencepiece_bpe.cpython-36.pyc │ │ │ ├── space_tokenizer.cpython-36.pyc │ │ │ ├── subword_nmt_bpe.cpython-36.pyc │ │ │ └── utils.cpython-36.pyc │ │ ├── byte_bpe.py │ │ ├── byte_utils.py │ │ ├── bytes.py │ │ ├── characters.py │ │ ├── fastbpe.py │ │ ├── gpt2_bpe.py │ │ ├── gpt2_bpe_utils.py │ │ ├── hf_bert_bpe.py │ │ ├── hf_byte_bpe.py │ │ ├── moses_tokenizer.py │ │ ├── nltk_tokenizer.py │ │ ├── sentencepiece_bpe.py │ │ ├── space_tokenizer.py │ │ ├── subword_nmt_bpe.py │ │ └── utils.py │ ├── fairseq_dataset.py │ ├── fasta_dataset.py │ ├── id_dataset.py │ ├── indexed_dataset.py │ ├── iterators.py │ ├── language_pair_dataset.py │ ├── legacy │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── block_pair_dataset.cpython-36.pyc │ │ │ ├── masked_lm_dataset.cpython-36.pyc │ │ │ └── masked_lm_dictionary.cpython-36.pyc │ │ ├── block_pair_dataset.py │ │ ├── masked_lm_dataset.py │ │ └── masked_lm_dictionary.py │ ├── list_dataset.py │ ├── lm_context_window_dataset.py │ ├── lru_cache_dataset.py │ ├── mask_tokens_dataset.py │ ├── monolingual_dataset.py │ ├── multi_corpus_dataset.py │ ├── multi_corpus_sampled_dataset.py │ ├── multilingual │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── multilingual_data_manager.cpython-36.pyc │ │ │ ├── multilingual_utils.cpython-36.pyc │ │ │ ├── sampled_multi_dataset.cpython-36.pyc │ │ │ ├── sampled_multi_epoch_dataset.cpython-36.pyc │ │ │ └── sampling_method.cpython-36.pyc │ │ ├── multilingual_data_manager.py │ │ ├── multilingual_utils.py │ │ ├── sampled_multi_dataset.py │ │ ├── sampled_multi_epoch_dataset.py │ │ └── sampling_method.py │ ├── nested_dictionary_dataset.py │ ├── noising.py │ ├── num_samples_dataset.py │ ├── numel_dataset.py │ ├── offset_tokens_dataset.py │ ├── pad_dataset.py │ ├── plasma_utils.py │ ├── prepend_dataset.py │ ├── prepend_token_dataset.py │ ├── raw_label_dataset.py │ ├── replace_dataset.py │ ├── resampling_dataset.py │ ├── roll_dataset.py │ ├── round_robin_zip_datasets.py │ ├── shorten_dataset.py │ ├── sort_dataset.py │ ├── strip_token_dataset.py │ ├── subsample_dataset.py │ ├── token_block_dataset.py │ ├── token_block_utils_fast.cpp │ ├── token_block_utils_fast.cpython-36m-x86_64-linux-gnu.so │ ├── token_block_utils_fast.pyx │ ├── transform_eos_dataset.py │ └── transform_eos_lang_pair_dataset.py ├── dataclass │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── configs.cpython-36.pyc │ │ ├── constants.cpython-36.pyc │ │ ├── initialize.cpython-36.pyc │ │ └── utils.cpython-36.pyc │ ├── configs.py │ ├── constants.py │ ├── initialize.py │ └── utils.py ├── distributed │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── distributed_timeout_wrapper.cpython-36.pyc │ │ ├── fully_sharded_data_parallel.cpython-36.pyc │ │ ├── legacy_distributed_data_parallel.cpython-36.pyc │ │ ├── module_proxy_wrapper.cpython-36.pyc │ │ ├── tpu_distributed_data_parallel.cpython-36.pyc │ │ └── utils.cpython-36.pyc │ ├── distributed_timeout_wrapper.py │ ├── fully_sharded_data_parallel.py │ ├── legacy_distributed_data_parallel.py │ ├── module_proxy_wrapper.py │ ├── tpu_distributed_data_parallel.py │ └── utils.py ├── file_io.py ├── file_utils.py ├── hub_utils.py ├── incremental_decoding_utils.py ├── iterative_refinement_generator.py ├── libbase.cpython-36m-x86_64-linux-gnu.so ├── libbleu.cpython-36m-x86_64-linux-gnu.so ├── libnat.cpython-36m-x86_64-linux-gnu.so ├── logging │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── meters.cpython-36.pyc │ │ ├── metrics.cpython-36.pyc │ │ └── progress_bar.cpython-36.pyc │ ├── meters.py │ ├── metrics.py │ └── progress_bar.py ├── model_parallel │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ └── megatron_trainer.cpython-36.pyc │ ├── criterions │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ └── vocab_parallel_cross_entropy.cpython-36.pyc │ │ └── vocab_parallel_cross_entropy.py │ ├── megatron_trainer.py │ ├── models │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── transformer.cpython-36.pyc │ │ │ └── transformer_lm.cpython-36.pyc │ │ ├── pipeline_parallel_transformer │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-36.pyc │ │ │ │ ├── layers.cpython-36.pyc │ │ │ │ └── model.cpython-36.pyc │ │ │ ├── layers.py │ │ │ └── model.py │ │ ├── roberta │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-36.pyc │ │ │ │ └── model.cpython-36.pyc │ │ │ └── model.py │ │ ├── transformer.py │ │ └── transformer_lm.py │ └── modules │ │ ├── __init__.py │ │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── multihead_attention.cpython-36.pyc │ │ └── transformer_layer.cpython-36.pyc │ │ ├── multihead_attention.py │ │ └── transformer_layer.py ├── models │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── composite_encoder.cpython-36.pyc │ │ ├── distributed_fairseq_model.cpython-36.pyc │ │ ├── fairseq_decoder.cpython-36.pyc │ │ ├── fairseq_encoder.cpython-36.pyc │ │ ├── fairseq_incremental_decoder.cpython-36.pyc │ │ ├── fairseq_model.cpython-36.pyc │ │ ├── fconv.cpython-36.pyc │ │ ├── fconv_lm.cpython-36.pyc │ │ ├── fconv_self_att.cpython-36.pyc │ │ ├── lightconv.cpython-36.pyc │ │ ├── lightconv_lm.cpython-36.pyc │ │ ├── lstm.cpython-36.pyc │ │ ├── lstm_lm.cpython-36.pyc │ │ ├── masked_lm.cpython-36.pyc │ │ ├── model_utils.cpython-36.pyc │ │ ├── multilingual_transformer.cpython-36.pyc │ │ ├── transformer.cpython-36.pyc │ │ ├── transformer_align.cpython-36.pyc │ │ ├── transformer_from_pretrained_xlm.cpython-36.pyc │ │ └── transformer_lm.cpython-36.pyc │ ├── bart │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── hub_interface.cpython-36.pyc │ │ │ └── model.cpython-36.pyc │ │ ├── hub_interface.py │ │ └── model.py │ ├── composite_encoder.py │ ├── distributed_fairseq_model.py │ ├── fairseq_decoder.py │ ├── fairseq_encoder.py │ ├── fairseq_incremental_decoder.py │ ├── fairseq_model.py │ ├── fconv.py │ ├── fconv_lm.py │ ├── fconv_self_att.py │ ├── hubert │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── hubert.cpython-36.pyc │ │ │ └── hubert_asr.cpython-36.pyc │ │ ├── hubert.py │ │ └── hubert_asr.py │ ├── huggingface │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ └── hf_gpt2.cpython-36.pyc │ │ └── hf_gpt2.py │ ├── lightconv.py │ ├── lightconv_lm.py │ ├── lstm.py │ ├── lstm_lm.py │ ├── masked_lm.py │ ├── model_utils.py │ ├── multilingual_transformer.py │ ├── nat │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── cmlm_transformer.cpython-36.pyc │ │ │ ├── fairseq_nat_model.cpython-36.pyc │ │ │ ├── insertion_transformer.cpython-36.pyc │ │ │ ├── iterative_nonautoregressive_transformer.cpython-36.pyc │ │ │ ├── levenshtein_transformer.cpython-36.pyc │ │ │ ├── levenshtein_utils.cpython-36.pyc │ │ │ ├── nat_crf_transformer.cpython-36.pyc │ │ │ └── nonautoregressive_transformer.cpython-36.pyc │ │ ├── cmlm_transformer.py │ │ ├── fairseq_nat_model.py │ │ ├── insertion_transformer.py │ │ ├── iterative_nonautoregressive_transformer.py │ │ ├── levenshtein_transformer.py │ │ ├── levenshtein_utils.py │ │ ├── nat_crf_transformer.py │ │ ├── nonautoregressive_ensembles.py │ │ └── nonautoregressive_transformer.py │ ├── roberta │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── enc_dec.cpython-36.pyc │ │ │ ├── hub_interface.cpython-36.pyc │ │ │ ├── model.cpython-36.pyc │ │ │ ├── model_camembert.cpython-36.pyc │ │ │ ├── model_gottbert.cpython-36.pyc │ │ │ └── model_xlmr.cpython-36.pyc │ │ ├── alignment_utils.py │ │ ├── enc_dec.py │ │ ├── hub_interface.py │ │ ├── model.py │ │ ├── model_camembert.py │ │ ├── model_gottbert.py │ │ └── model_xlmr.py │ ├── speech_to_text │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── berard.cpython-36.pyc │ │ │ ├── convtransformer.cpython-36.pyc │ │ │ ├── s2t_transformer.cpython-36.pyc │ │ │ └── utils.cpython-36.pyc │ │ ├── berard.py │ │ ├── convtransformer.py │ │ ├── modules │ │ │ ├── __pycache__ │ │ │ │ ├── augmented_memory_attention.cpython-36.pyc │ │ │ │ └── emformer.cpython-36.pyc │ │ │ ├── augmented_memory_attention.py │ │ │ └── emformer.py │ │ ├── s2t_transformer.py │ │ └── utils.py │ ├── transformer.py │ ├── transformer_align.py │ ├── transformer_from_pretrained_xlm.py │ ├── transformer_lm.py │ └── wav2vec │ │ ├── __init__.py │ │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── wav2vec.cpython-36.pyc │ │ ├── wav2vec2.cpython-36.pyc │ │ └── wav2vec2_asr.cpython-36.pyc │ │ ├── wav2vec.py │ │ ├── wav2vec2.py │ │ └── wav2vec2_asr.py ├── modules │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── adaptive_input.cpython-36.pyc │ │ ├── adaptive_softmax.cpython-36.pyc │ │ ├── base_layer.cpython-36.pyc │ │ ├── beamable_mm.cpython-36.pyc │ │ ├── character_token_embedder.cpython-36.pyc │ │ ├── checkpoint_activations.cpython-36.pyc │ │ ├── conv_tbc.cpython-36.pyc │ │ ├── cross_entropy.cpython-36.pyc │ │ ├── downsampled_multihead_attention.cpython-36.pyc │ │ ├── dynamic_convolution.cpython-36.pyc │ │ ├── dynamic_crf_layer.cpython-36.pyc │ │ ├── fairseq_dropout.cpython-36.pyc │ │ ├── fp32_group_norm.cpython-36.pyc │ │ ├── gelu.cpython-36.pyc │ │ ├── grad_multiply.cpython-36.pyc │ │ ├── gumbel_vector_quantizer.cpython-36.pyc │ │ ├── kmeans_vector_quantizer.cpython-36.pyc │ │ ├── layer_drop.cpython-36.pyc │ │ ├── layer_norm.cpython-36.pyc │ │ ├── learned_positional_embedding.cpython-36.pyc │ │ ├── lightweight_convolution.cpython-36.pyc │ │ ├── linearized_convolution.cpython-36.pyc │ │ ├── moe_layer.cpython-36.pyc │ │ ├── multihead_attention.cpython-36.pyc │ │ ├── positional_embedding.cpython-36.pyc │ │ ├── quant_noise.cpython-36.pyc │ │ ├── same_pad.cpython-36.pyc │ │ ├── scalar_bias.cpython-36.pyc │ │ ├── sinusoidal_positional_embedding.cpython-36.pyc │ │ ├── transformer_layer.cpython-36.pyc │ │ ├── transformer_sentence_encoder.cpython-36.pyc │ │ ├── transformer_sentence_encoder_layer.cpython-36.pyc │ │ ├── transpose_last.cpython-36.pyc │ │ ├── unfold.cpython-36.pyc │ │ └── vggblock.cpython-36.pyc │ ├── adaptive_input.py │ ├── adaptive_softmax.py │ ├── beamable_mm.py │ ├── character_token_embedder.py │ ├── checkpoint_activations.py │ ├── conv_tbc.py │ ├── cross_entropy.py │ ├── cuda_utils.cu │ ├── downsampled_multihead_attention.py │ ├── dynamic_convolution.py │ ├── dynamic_crf_layer.py │ ├── dynamicconv_layer │ │ ├── __init__.py │ │ ├── cuda_function_gen.py │ │ ├── dynamicconv_cuda.cpp │ │ ├── dynamicconv_cuda.cuh │ │ ├── dynamicconv_cuda_kernel.cu │ │ ├── dynamicconv_layer.py │ │ ├── dynamiconv_cpu.cpp │ │ └── setup.py │ ├── fairseq_dropout.py │ ├── fp32_group_norm.py │ ├── gelu.py │ ├── grad_multiply.py │ ├── gumbel_vector_quantizer.py │ ├── kmeans_vector_quantizer.py │ ├── layer_drop.py │ ├── layer_norm.py │ ├── learned_positional_embedding.py │ ├── lightconv_layer │ │ ├── __init__.py │ │ ├── cuda_function_gen.py │ │ ├── lightconv_cuda.cpp │ │ ├── lightconv_cuda.cuh │ │ ├── lightconv_cuda_kernel.cu │ │ ├── lightconv_layer.py │ │ └── setup.py │ ├── lightweight_convolution.py │ ├── linearized_convolution.py │ ├── moe_layer.py │ ├── multihead_attention.py │ ├── positional_embedding.py │ ├── quant_noise.py │ ├── quantization │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ └── quantization_options.cpython-36.pyc │ │ ├── pq │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-36.pyc │ │ │ │ ├── em.cpython-36.pyc │ │ │ │ ├── pq.cpython-36.pyc │ │ │ │ └── utils.cpython-36.pyc │ │ │ ├── em.py │ │ │ ├── modules │ │ │ │ ├── __init__.py │ │ │ │ ├── __pycache__ │ │ │ │ │ ├── __init__.cpython-36.pyc │ │ │ │ │ ├── qconv.cpython-36.pyc │ │ │ │ │ ├── qemb.cpython-36.pyc │ │ │ │ │ └── qlinear.cpython-36.pyc │ │ │ │ ├── qconv.py │ │ │ │ ├── qemb.py │ │ │ │ └── qlinear.py │ │ │ ├── pq.py │ │ │ └── utils.py │ │ ├── quantization_options.py │ │ └── scalar │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── ops.cpython-36.pyc │ │ │ └── utils.cpython-36.pyc │ │ │ ├── modules │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-36.pyc │ │ │ │ ├── qact.cpython-36.pyc │ │ │ │ ├── qconv.cpython-36.pyc │ │ │ │ ├── qemb.cpython-36.pyc │ │ │ │ └── qlinear.cpython-36.pyc │ │ │ ├── qact.py │ │ │ ├── qconv.py │ │ │ ├── qemb.py │ │ │ └── qlinear.py │ │ │ ├── ops.py │ │ │ └── utils.py │ ├── same_pad.py │ ├── scalar_bias.py │ ├── sinusoidal_positional_embedding.py │ ├── sparse_multihead_attention.py │ ├── sparse_transformer_sentence_encoder.py │ ├── sparse_transformer_sentence_encoder_layer.py │ ├── transformer_layer.py │ ├── transformer_sentence_encoder.py │ ├── transformer_sentence_encoder_layer.py │ ├── transpose_last.py │ ├── unfold.py │ └── vggblock.py ├── nan_detector.py ├── ngram_repeat_block.py ├── optim │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── adadelta.cpython-36.pyc │ │ ├── adafactor.cpython-36.pyc │ │ ├── adagrad.cpython-36.pyc │ │ ├── adam.cpython-36.pyc │ │ ├── adamax.cpython-36.pyc │ │ ├── amp_optimizer.cpython-36.pyc │ │ ├── bmuf.cpython-36.pyc │ │ ├── composite.cpython-36.pyc │ │ ├── cpu_adam.cpython-36.pyc │ │ ├── dynamic_loss_scaler.cpython-36.pyc │ │ ├── fairseq_optimizer.cpython-36.pyc │ │ ├── fp16_optimizer.cpython-36.pyc │ │ ├── fused_adam.cpython-36.pyc │ │ ├── fused_lamb.cpython-36.pyc │ │ ├── nag.cpython-36.pyc │ │ ├── sgd.cpython-36.pyc │ │ └── shard.cpython-36.pyc │ ├── adadelta.py │ ├── adafactor.py │ ├── adagrad.py │ ├── adam.py │ ├── adamax.py │ ├── amp_optimizer.py │ ├── bmuf.py │ ├── composite.py │ ├── cpu_adam.py │ ├── dynamic_loss_scaler.py │ ├── fairseq_optimizer.py │ ├── fp16_optimizer.py │ ├── fused_adam.py │ ├── fused_lamb.py │ ├── lr_scheduler │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-36.pyc │ │ │ ├── cosine_lr_scheduler.cpython-36.pyc │ │ │ ├── fairseq_lr_scheduler.cpython-36.pyc │ │ │ ├── fixed_schedule.cpython-36.pyc │ │ │ ├── inverse_square_root_schedule.cpython-36.pyc │ │ │ ├── manual_lr_scheduler.cpython-36.pyc │ │ │ ├── pass_through.cpython-36.pyc │ │ │ ├── polynomial_decay_schedule.cpython-36.pyc │ │ │ ├── reduce_lr_on_plateau.cpython-36.pyc │ │ │ ├── tri_stage_lr_scheduler.cpython-36.pyc │ │ │ └── triangular_lr_scheduler.cpython-36.pyc │ │ ├── cosine_lr_scheduler.py │ │ ├── fairseq_lr_scheduler.py │ │ ├── fixed_schedule.py │ │ ├── inverse_square_root_schedule.py │ │ ├── manual_lr_scheduler.py │ │ ├── pass_through.py │ │ ├── polynomial_decay_schedule.py │ │ ├── reduce_lr_on_plateau.py │ │ ├── tri_stage_lr_scheduler.py │ │ └── triangular_lr_scheduler.py │ ├── nag.py │ ├── sgd.py │ └── shard.py ├── options.py ├── pdb.py ├── quantization_utils.py ├── registry.py ├── scoring │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── bleu.cpython-36.pyc │ │ ├── chrf.cpython-36.pyc │ │ ├── tokenizer.cpython-36.pyc │ │ └── wer.cpython-36.pyc │ ├── bleu.py │ ├── chrf.py │ ├── tokenizer.py │ └── wer.py ├── search.py ├── sequence_generator.py ├── sequence_scorer.py ├── tasks │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-36.pyc │ │ ├── audio_pretraining.cpython-36.pyc │ │ ├── cross_lingual_lm.cpython-36.pyc │ │ ├── denoising.cpython-36.pyc │ │ ├── fairseq_task.cpython-36.pyc │ │ ├── hubert_pretraining.cpython-36.pyc │ │ ├── language_modeling.cpython-36.pyc │ │ ├── legacy_masked_lm.cpython-36.pyc │ │ ├── masked_lm.cpython-36.pyc │ │ ├── multilingual_denoising.cpython-36.pyc │ │ ├── multilingual_masked_lm.cpython-36.pyc │ │ ├── multilingual_translation.cpython-36.pyc │ │ ├── online_backtranslation.cpython-36.pyc │ │ ├── semisupervised_translation.cpython-36.pyc │ │ ├── sentence_prediction.cpython-36.pyc │ │ ├── sentence_ranking.cpython-36.pyc │ │ ├── simultaneous_translation.cpython-36.pyc │ │ ├── speech_to_text.cpython-36.pyc │ │ ├── translation.cpython-36.pyc │ │ ├── translation_from_pretrained_bart.cpython-36.pyc │ │ ├── translation_from_pretrained_xlm.cpython-36.pyc │ │ ├── translation_lev.cpython-36.pyc │ │ └── translation_multi_simple_epoch.cpython-36.pyc │ ├── audio_pretraining.py │ ├── cross_lingual_lm.py │ ├── denoising.py │ ├── fairseq_task.py │ ├── hubert_pretraining.py │ ├── language_modeling.py │ ├── legacy_masked_lm.py │ ├── masked_lm.py │ ├── multilingual_denoising.py │ ├── multilingual_masked_lm.py │ ├── multilingual_translation.py │ ├── online_backtranslation.py │ ├── semisupervised_translation.py │ ├── sentence_prediction.py │ ├── sentence_ranking.py │ ├── simultaneous_translation.py │ ├── speech_to_text.py │ ├── translation.py │ ├── translation_from_pretrained_bart.py │ ├── translation_from_pretrained_xlm.py │ ├── translation_lev.py │ └── translation_multi_simple_epoch.py ├── token_generation_constraints.py ├── tokenizer.py ├── trainer.py ├── utils.py ├── version.py └── version.txt ├── fairseq_cli ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-36.pyc │ ├── generate.cpython-36.pyc │ └── train.cpython-36.pyc ├── eval_lm.py ├── generate.py ├── hydra_train.py ├── interactive.py ├── preprocess.py ├── score.py ├── train.py └── validate.py ├── hubconf.py ├── pyproject.toml ├── scripts ├── __init__.py ├── average_checkpoints.py ├── build_sym_alignment.py ├── compare_namespaces.py ├── compound_split_bleu.sh ├── constraints │ ├── extract.py │ └── validate.py ├── convert_dictionary.lua ├── convert_model.lua ├── count_docs.py ├── read_binarized.py ├── rm_pt.py ├── sacrebleu.sh ├── shard_docs.py ├── split_train_valid_docs.py ├── spm_decode.py ├── spm_encode.py ├── spm_train.py └── test_fsdp.sh ├── setup.py ├── tests ├── __init__.py ├── distributed │ ├── __init__.py │ ├── test_bmuf.py │ ├── test_distributed_timeout_wrapper.py │ ├── test_module_proxy_wrapper.py │ ├── test_utils.py │ └── utils.py ├── gpu │ ├── __init__.py │ ├── test_binaries_gpu.py │ └── transformer_quantization_config.yaml ├── speech_recognition │ ├── __init__.py │ ├── asr_test_base.py │ ├── test_collaters.py │ ├── test_cross_entropy.py │ ├── test_data_utils.py │ └── test_vggtransformer.py ├── test_activation_checkpointing.py ├── test_amp_optimizer.py ├── test_average_checkpoints.py ├── test_backtranslation_dataset.py ├── test_binaries.py ├── test_character_token_embedder.py ├── test_checkpoint_utils.py ├── test_concat_dataset.py ├── test_constraints.py ├── test_convtbc.py ├── test_data_utils.py ├── test_dataset.py ├── test_dictionary.py ├── test_export.py ├── test_file_io.py ├── test_fp16_optimizer.py ├── test_inference_dropout.py ├── test_iopath.py ├── test_iterators.py ├── test_label_smoothing.py ├── test_lm_context_window.py ├── test_lstm_jitable.py ├── test_memory_efficient_fp16.py ├── test_metrics.py ├── test_multi_corpus_dataset.py ├── test_multi_corpus_sampled_dataset.py ├── test_multihead_attention.py ├── test_noising.py ├── test_online_backtranslation.py ├── test_plasma_utils.py ├── test_reproducibility.py ├── test_resampling_dataset.py ├── test_roberta.py ├── test_sequence_generator.py ├── test_sequence_scorer.py ├── test_sparse_multihead_attention.py ├── test_token_block_dataset.py ├── test_train.py ├── test_transformer.py ├── test_utils.py ├── test_valid_subset_checks.py └── utils.py └── train.py /CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/README.md -------------------------------------------------------------------------------- /docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/Makefile -------------------------------------------------------------------------------- /docs/_static/theme_overrides.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/_static/theme_overrides.css -------------------------------------------------------------------------------- /docs/command_line_tools.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/command_line_tools.rst -------------------------------------------------------------------------------- /docs/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/conf.py -------------------------------------------------------------------------------- /docs/criterions.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/criterions.rst -------------------------------------------------------------------------------- /docs/data.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/data.rst -------------------------------------------------------------------------------- /docs/docutils.conf: -------------------------------------------------------------------------------- 1 | [writers] 2 | option-limit=0 3 | -------------------------------------------------------------------------------- /docs/fairseq.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/fairseq.gif -------------------------------------------------------------------------------- /docs/fairseq_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/fairseq_logo.png -------------------------------------------------------------------------------- /docs/getting_started.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/getting_started.rst -------------------------------------------------------------------------------- /docs/hydra_integration.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/hydra_integration.md -------------------------------------------------------------------------------- /docs/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/index.rst -------------------------------------------------------------------------------- /docs/lr_scheduler.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/lr_scheduler.rst -------------------------------------------------------------------------------- /docs/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/make.bat -------------------------------------------------------------------------------- /docs/models.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/models.rst -------------------------------------------------------------------------------- /docs/modules.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/modules.rst -------------------------------------------------------------------------------- /docs/optim.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/optim.rst -------------------------------------------------------------------------------- /docs/overview.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/overview.rst -------------------------------------------------------------------------------- /docs/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/requirements.txt -------------------------------------------------------------------------------- /docs/tasks.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/tasks.rst -------------------------------------------------------------------------------- /docs/tutorial_classifying_names.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/tutorial_classifying_names.rst -------------------------------------------------------------------------------- /docs/tutorial_simple_lstm.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/docs/tutorial_simple_lstm.rst -------------------------------------------------------------------------------- /examples/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/.gitignore -------------------------------------------------------------------------------- /examples/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/__init__.py -------------------------------------------------------------------------------- /examples/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /examples/adaptive_span/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/adaptive_span/README.md -------------------------------------------------------------------------------- /examples/adaptive_span/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/adaptive_span/__init__.py -------------------------------------------------------------------------------- /examples/adaptive_span/adagrad_with_grad_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/adaptive_span/adagrad_with_grad_clip.py -------------------------------------------------------------------------------- /examples/adaptive_span/adaptive_span_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/adaptive_span/adaptive_span_attention.py -------------------------------------------------------------------------------- /examples/adaptive_span/adaptive_span_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/adaptive_span/adaptive_span_loss.py -------------------------------------------------------------------------------- /examples/adaptive_span/adaptive_span_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/adaptive_span/adaptive_span_model.py -------------------------------------------------------------------------------- /examples/adaptive_span/adaptive_span_model_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/adaptive_span/adaptive_span_model_wrapper.py -------------------------------------------------------------------------------- /examples/adaptive_span/truncated_bptt_lm_task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/adaptive_span/truncated_bptt_lm_task.py -------------------------------------------------------------------------------- /examples/backtranslation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/backtranslation/README.md -------------------------------------------------------------------------------- /examples/backtranslation/deduplicate_lines.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/backtranslation/deduplicate_lines.py -------------------------------------------------------------------------------- /examples/backtranslation/extract_bt_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/backtranslation/extract_bt_data.py -------------------------------------------------------------------------------- /examples/backtranslation/prepare-de-monolingual.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/backtranslation/prepare-de-monolingual.sh -------------------------------------------------------------------------------- /examples/backtranslation/prepare-wmt18en2de.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/backtranslation/prepare-wmt18en2de.sh -------------------------------------------------------------------------------- /examples/backtranslation/sacrebleu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/backtranslation/sacrebleu.sh -------------------------------------------------------------------------------- /examples/backtranslation/tokenized_bleu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/backtranslation/tokenized_bleu.sh -------------------------------------------------------------------------------- /examples/bart/README.glue.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/bart/README.glue.md -------------------------------------------------------------------------------- /examples/bart/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/bart/README.md -------------------------------------------------------------------------------- /examples/bart/README.summarization.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/bart/README.summarization.md -------------------------------------------------------------------------------- /examples/bart/summarize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/bart/summarize.py -------------------------------------------------------------------------------- /examples/byte_level_bpe/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/byte_level_bpe/README.md -------------------------------------------------------------------------------- /examples/byte_level_bpe/get_bitext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/byte_level_bpe/get_bitext.py -------------------------------------------------------------------------------- /examples/byte_level_bpe/get_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/byte_level_bpe/get_data.sh -------------------------------------------------------------------------------- /examples/byte_level_bpe/gru_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/byte_level_bpe/gru_transformer.py -------------------------------------------------------------------------------- /examples/camembert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/camembert/README.md -------------------------------------------------------------------------------- /examples/constrained_decoding/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/constrained_decoding/README.md -------------------------------------------------------------------------------- /examples/constrained_decoding/normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/constrained_decoding/normalize.py -------------------------------------------------------------------------------- /examples/constrained_decoding/tok.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/constrained_decoding/tok.py -------------------------------------------------------------------------------- /examples/conv_seq2seq/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/conv_seq2seq/README.md -------------------------------------------------------------------------------- /examples/criss/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/criss/README.md -------------------------------------------------------------------------------- /examples/criss/download_and_preprocess_flores_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/criss/download_and_preprocess_flores_test.sh -------------------------------------------------------------------------------- /examples/criss/download_and_preprocess_tatoeba.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/criss/download_and_preprocess_tatoeba.sh -------------------------------------------------------------------------------- /examples/criss/mining/mine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/criss/mining/mine.py -------------------------------------------------------------------------------- /examples/criss/mining/mine_example.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/criss/mining/mine_example.sh -------------------------------------------------------------------------------- /examples/criss/save_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/criss/save_encoder.py -------------------------------------------------------------------------------- /examples/criss/sentence_retrieval/encoder_analysis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/criss/sentence_retrieval/encoder_analysis.py -------------------------------------------------------------------------------- /examples/criss/unsupervised_mt/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/criss/unsupervised_mt/eval.sh -------------------------------------------------------------------------------- /examples/cross_lingual_language_model/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/cross_lingual_language_model/README.md -------------------------------------------------------------------------------- /examples/fast_noisy_channel/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/fast_noisy_channel/README.md -------------------------------------------------------------------------------- /examples/fast_noisy_channel/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/fast_noisy_channel/__init__.py -------------------------------------------------------------------------------- /examples/fast_noisy_channel/noisy_channel_beam_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/fast_noisy_channel/noisy_channel_beam_search.py -------------------------------------------------------------------------------- /examples/fast_noisy_channel/noisy_channel_translation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/fast_noisy_channel/noisy_channel_translation.py -------------------------------------------------------------------------------- /examples/flores101/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/flores101/README.md -------------------------------------------------------------------------------- /examples/flores101/flores_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/flores101/flores_logo.png -------------------------------------------------------------------------------- /examples/fully_sharded_data_parallel/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/fully_sharded_data_parallel/README.md -------------------------------------------------------------------------------- /examples/gottbert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/gottbert/README.md -------------------------------------------------------------------------------- /examples/hubert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/README.md -------------------------------------------------------------------------------- /examples/hubert/config/decode/ax_sweep/ngram.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/config/decode/ax_sweep/ngram.yaml -------------------------------------------------------------------------------- /examples/hubert/config/decode/ax_sweep/transformer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/config/decode/ax_sweep/transformer.yaml -------------------------------------------------------------------------------- /examples/hubert/config/decode/infer_fsqlm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/config/decode/infer_fsqlm.yaml -------------------------------------------------------------------------------- /examples/hubert/config/decode/infer_kenlm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/config/decode/infer_kenlm.yaml -------------------------------------------------------------------------------- /examples/hubert/config/decode/infer_viterbi.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/config/decode/infer_viterbi.yaml -------------------------------------------------------------------------------- /examples/hubert/config/decode/run/submitit_slurm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/config/decode/run/submitit_slurm.yaml -------------------------------------------------------------------------------- /examples/hubert/config/finetune/base_10h.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/config/finetune/base_10h.yaml -------------------------------------------------------------------------------- /examples/hubert/config/finetune/ckpt/it1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/config/finetune/ckpt/it1.yaml -------------------------------------------------------------------------------- /examples/hubert/config/finetune/lm/ls_4gram.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/config/finetune/lm/ls_4gram.yaml -------------------------------------------------------------------------------- /examples/hubert/config/finetune/run/submitit_reg.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/config/finetune/run/submitit_reg.yaml -------------------------------------------------------------------------------- /examples/hubert/config/pretrain/data/iter1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/config/pretrain/data/iter1.yaml -------------------------------------------------------------------------------- /examples/hubert/config/pretrain/data/iter2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/config/pretrain/data/iter2.yaml -------------------------------------------------------------------------------- /examples/hubert/config/pretrain/run/submitit_reg.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/config/pretrain/run/submitit_reg.yaml -------------------------------------------------------------------------------- /examples/hubert/measure_teacher_quality.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/measure_teacher_quality.py -------------------------------------------------------------------------------- /examples/hubert/simple_kmeans/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/simple_kmeans/README.md -------------------------------------------------------------------------------- /examples/hubert/simple_kmeans/dump_hubert_feature.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/simple_kmeans/dump_hubert_feature.py -------------------------------------------------------------------------------- /examples/hubert/simple_kmeans/dump_hubert_feature_s2t.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/simple_kmeans/dump_hubert_feature_s2t.py -------------------------------------------------------------------------------- /examples/hubert/simple_kmeans/dump_km_label.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/simple_kmeans/dump_km_label.py -------------------------------------------------------------------------------- /examples/hubert/simple_kmeans/dump_mfcc_feature.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/simple_kmeans/dump_mfcc_feature.py -------------------------------------------------------------------------------- /examples/hubert/simple_kmeans/learn_kmeans.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/simple_kmeans/learn_kmeans.py -------------------------------------------------------------------------------- /examples/hubert/update_ckpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/hubert/update_ckpt.py -------------------------------------------------------------------------------- /examples/joint_alignment_translation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/joint_alignment_translation/README.md -------------------------------------------------------------------------------- /examples/language_model/README.adaptive_inputs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/language_model/README.adaptive_inputs.md -------------------------------------------------------------------------------- /examples/language_model/README.conv.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/language_model/README.conv.md -------------------------------------------------------------------------------- /examples/language_model/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/language_model/README.md -------------------------------------------------------------------------------- /examples/language_model/prepare-wikitext-103.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/language_model/prepare-wikitext-103.sh -------------------------------------------------------------------------------- /examples/laser/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/laser/README.md -------------------------------------------------------------------------------- /examples/laser/laser_src/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/laser/laser_src/__init__.py -------------------------------------------------------------------------------- /examples/laser/laser_src/laser_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/laser/laser_src/laser_lstm.py -------------------------------------------------------------------------------- /examples/laser/laser_src/laser_task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/laser/laser_src/laser_task.py -------------------------------------------------------------------------------- /examples/laser/laser_src/laser_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/laser/laser_src/laser_transformer.py -------------------------------------------------------------------------------- /examples/laser/laser_src/multitask_data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/laser/laser_src/multitask_data_utils.py -------------------------------------------------------------------------------- /examples/latent_depth/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/latent_depth/README.md -------------------------------------------------------------------------------- /examples/latent_depth/latent_depth_src/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/latent_depth/latent_depth_src/__init__.py -------------------------------------------------------------------------------- /examples/latent_depth/latent_depth_src/loss/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/latent_depth/latent_depth_src/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/latent_depth/latent_depth_src/modules/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/layerdrop/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/layerdrop/README.md -------------------------------------------------------------------------------- /examples/linformer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/linformer/README.md -------------------------------------------------------------------------------- /examples/linformer/linformer_src/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/linformer/linformer_src/__init__.py -------------------------------------------------------------------------------- /examples/linformer/linformer_src/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/linformer/linformer_src/modules/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/m2m_100/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/m2m_100/README.md -------------------------------------------------------------------------------- /examples/m2m_100/install_dependecies.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/m2m_100/install_dependecies.sh -------------------------------------------------------------------------------- /examples/m2m_100/process_data/clean_histogram.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/m2m_100/process_data/clean_histogram.py -------------------------------------------------------------------------------- /examples/m2m_100/process_data/dedup_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/m2m_100/process_data/dedup_data.py -------------------------------------------------------------------------------- /examples/m2m_100/process_data/remove_too_much_punc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/m2m_100/process_data/remove_too_much_punc.py -------------------------------------------------------------------------------- /examples/m2m_100/tok.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/m2m_100/tok.sh -------------------------------------------------------------------------------- /examples/m2m_100/tokenizers/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/m2m_100/tokenizers/README.md -------------------------------------------------------------------------------- /examples/m2m_100/tokenizers/seg_ja.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/m2m_100/tokenizers/seg_ja.sh -------------------------------------------------------------------------------- /examples/m2m_100/tokenizers/seg_ko.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/m2m_100/tokenizers/seg_ko.sh -------------------------------------------------------------------------------- /examples/m2m_100/tokenizers/thirdparty/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/m2m_100/tokenizers/thirdparty/.gitignore -------------------------------------------------------------------------------- /examples/m2m_100/tokenizers/tokenize_indic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/m2m_100/tokenizers/tokenize_indic.py -------------------------------------------------------------------------------- /examples/m2m_100/tokenizers/tokenize_thai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/m2m_100/tokenizers/tokenize_thai.py -------------------------------------------------------------------------------- /examples/m2m_100/tokenizers/tokenize_zh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/m2m_100/tokenizers/tokenize_zh.py -------------------------------------------------------------------------------- /examples/m2m_100/tokenizers/tokenizer_ar.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/m2m_100/tokenizers/tokenizer_ar.sh -------------------------------------------------------------------------------- /examples/mbart/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/mbart/README.md -------------------------------------------------------------------------------- /examples/megatron_11b/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/megatron_11b/README.md -------------------------------------------------------------------------------- /examples/megatron_11b/detok.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/megatron_11b/detok.py -------------------------------------------------------------------------------- /examples/multilingual/ML50_langs.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/multilingual/ML50_langs.txt -------------------------------------------------------------------------------- /examples/multilingual/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/multilingual/README.md -------------------------------------------------------------------------------- /examples/multilingual/data_scripts/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/multilingual/data_scripts/README.md -------------------------------------------------------------------------------- /examples/multilingual/data_scripts/binarize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/multilingual/data_scripts/binarize.py -------------------------------------------------------------------------------- /examples/multilingual/data_scripts/dedup_all.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/multilingual/data_scripts/dedup_all.py -------------------------------------------------------------------------------- /examples/multilingual/data_scripts/download_ML50_v1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/multilingual/data_scripts/download_ML50_v1.sh -------------------------------------------------------------------------------- /examples/multilingual/data_scripts/download_af_xh.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/multilingual/data_scripts/download_af_xh.sh -------------------------------------------------------------------------------- /examples/multilingual/data_scripts/download_iitb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/multilingual/data_scripts/download_iitb.sh -------------------------------------------------------------------------------- /examples/multilingual/data_scripts/download_lotus.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/multilingual/data_scripts/download_lotus.sh -------------------------------------------------------------------------------- /examples/multilingual/data_scripts/download_wat19_my.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/multilingual/data_scripts/download_wat19_my.sh -------------------------------------------------------------------------------- /examples/multilingual/data_scripts/download_wmt20.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/multilingual/data_scripts/download_wmt20.sh -------------------------------------------------------------------------------- /examples/multilingual/data_scripts/preprocess_ML50_v1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/multilingual/data_scripts/preprocess_ML50_v1.sh -------------------------------------------------------------------------------- /examples/multilingual/data_scripts/requirement.txt: -------------------------------------------------------------------------------- 1 | wget 2 | pandas -------------------------------------------------------------------------------- /examples/multilingual/data_scripts/utils/dedup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/multilingual/data_scripts/utils/dedup.py -------------------------------------------------------------------------------- /examples/multilingual/data_scripts/utils/strip_sgm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/multilingual/data_scripts/utils/strip_sgm.sh -------------------------------------------------------------------------------- /examples/multilingual/finetune_multilingual_model.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/multilingual/finetune_multilingual_model.sh -------------------------------------------------------------------------------- /examples/multilingual/multilingual_fairseq_gen.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/multilingual/multilingual_fairseq_gen.sh -------------------------------------------------------------------------------- /examples/multilingual/train_multilingual_model.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/multilingual/train_multilingual_model.sh -------------------------------------------------------------------------------- /examples/noisychannel/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/noisychannel/README.md -------------------------------------------------------------------------------- /examples/noisychannel/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/noisychannel/__init__.py -------------------------------------------------------------------------------- /examples/noisychannel/rerank.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/noisychannel/rerank.py -------------------------------------------------------------------------------- /examples/noisychannel/rerank_generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/noisychannel/rerank_generate.py -------------------------------------------------------------------------------- /examples/noisychannel/rerank_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/noisychannel/rerank_options.py -------------------------------------------------------------------------------- /examples/noisychannel/rerank_score_bw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/noisychannel/rerank_score_bw.py -------------------------------------------------------------------------------- /examples/noisychannel/rerank_score_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/noisychannel/rerank_score_lm.py -------------------------------------------------------------------------------- /examples/noisychannel/rerank_tune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/noisychannel/rerank_tune.py -------------------------------------------------------------------------------- /examples/noisychannel/rerank_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/noisychannel/rerank_utils.py -------------------------------------------------------------------------------- /examples/nonautoregressive_translation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/nonautoregressive_translation/README.md -------------------------------------------------------------------------------- /examples/nonautoregressive_translation/scripts.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/nonautoregressive_translation/scripts.md -------------------------------------------------------------------------------- /examples/paraphraser/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/paraphraser/README.md -------------------------------------------------------------------------------- /examples/paraphraser/paraphrase.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/paraphraser/paraphrase.py -------------------------------------------------------------------------------- /examples/pay_less_attention_paper/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/pay_less_attention_paper/README.md -------------------------------------------------------------------------------- /examples/pointer_generator/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/pointer_generator/README.md -------------------------------------------------------------------------------- /examples/pointer_generator/README.xsum.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/pointer_generator/README.xsum.md -------------------------------------------------------------------------------- /examples/pointer_generator/postprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/pointer_generator/postprocess.py -------------------------------------------------------------------------------- /examples/pointer_generator/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/pointer_generator/preprocess.py -------------------------------------------------------------------------------- /examples/quant_noise/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/quant_noise/README.md -------------------------------------------------------------------------------- /examples/roberta/README.custom_classification.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/README.custom_classification.md -------------------------------------------------------------------------------- /examples/roberta/README.glue.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/README.glue.md -------------------------------------------------------------------------------- /examples/roberta/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/README.md -------------------------------------------------------------------------------- /examples/roberta/README.pretraining.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/README.pretraining.md -------------------------------------------------------------------------------- /examples/roberta/README.race.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/README.race.md -------------------------------------------------------------------------------- /examples/roberta/commonsense_qa/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/commonsense_qa/README.md -------------------------------------------------------------------------------- /examples/roberta/commonsense_qa/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/commonsense_qa/__init__.py -------------------------------------------------------------------------------- /examples/roberta/commonsense_qa/commonsense_qa_task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/commonsense_qa/commonsense_qa_task.py -------------------------------------------------------------------------------- /examples/roberta/commonsense_qa/download_cqa_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/commonsense_qa/download_cqa_data.sh -------------------------------------------------------------------------------- /examples/roberta/multiprocessing_bpe_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/multiprocessing_bpe_encoder.py -------------------------------------------------------------------------------- /examples/roberta/preprocess_GLUE_tasks.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/preprocess_GLUE_tasks.sh -------------------------------------------------------------------------------- /examples/roberta/preprocess_RACE.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/preprocess_RACE.py -------------------------------------------------------------------------------- /examples/roberta/preprocess_RACE.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/preprocess_RACE.sh -------------------------------------------------------------------------------- /examples/roberta/wsc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/wsc/README.md -------------------------------------------------------------------------------- /examples/roberta/wsc/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/wsc/__init__.py -------------------------------------------------------------------------------- /examples/roberta/wsc/wsc_criterion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/wsc/wsc_criterion.py -------------------------------------------------------------------------------- /examples/roberta/wsc/wsc_task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/wsc/wsc_task.py -------------------------------------------------------------------------------- /examples/roberta/wsc/wsc_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/roberta/wsc/wsc_utils.py -------------------------------------------------------------------------------- /examples/rxf/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/rxf/README.md -------------------------------------------------------------------------------- /examples/rxf/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/rxf/__init__.py -------------------------------------------------------------------------------- /examples/rxf/rxf_src/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/rxf/rxf_src/__init__.py -------------------------------------------------------------------------------- /examples/rxf/rxf_src/label_smoothed_cross_entropy_r3f.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/rxf/rxf_src/label_smoothed_cross_entropy_r3f.py -------------------------------------------------------------------------------- /examples/rxf/rxf_src/sentence_prediction_r3f.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/rxf/rxf_src/sentence_prediction_r3f.py -------------------------------------------------------------------------------- /examples/scaling_nmt/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/scaling_nmt/README.md -------------------------------------------------------------------------------- /examples/simultaneous_translation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/simultaneous_translation/README.md -------------------------------------------------------------------------------- /examples/simultaneous_translation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/simultaneous_translation/__init__.py -------------------------------------------------------------------------------- /examples/simultaneous_translation/docs/ende-mma.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/simultaneous_translation/docs/ende-mma.md -------------------------------------------------------------------------------- /examples/simultaneous_translation/docs/enja-waitk.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/simultaneous_translation/docs/enja-waitk.md -------------------------------------------------------------------------------- /examples/simultaneous_translation/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/simultaneous_translation/models/__init__.py -------------------------------------------------------------------------------- /examples/simultaneous_translation/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/simultaneous_translation/modules/__init__.py -------------------------------------------------------------------------------- /examples/simultaneous_translation/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/simultaneous_translation/utils/__init__.py -------------------------------------------------------------------------------- /examples/simultaneous_translation/utils/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/simultaneous_translation/utils/data_utils.py -------------------------------------------------------------------------------- /examples/simultaneous_translation/utils/functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/simultaneous_translation/utils/functions.py -------------------------------------------------------------------------------- /examples/simultaneous_translation/utils/latency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/simultaneous_translation/utils/latency.py -------------------------------------------------------------------------------- /examples/speech_recognition/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/README.md -------------------------------------------------------------------------------- /examples/speech_recognition/__init__.py: -------------------------------------------------------------------------------- 1 | from . import criterions, models, tasks # noqa 2 | -------------------------------------------------------------------------------- /examples/speech_recognition/criterions/ASG_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/criterions/ASG_loss.py -------------------------------------------------------------------------------- /examples/speech_recognition/criterions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/criterions/__init__.py -------------------------------------------------------------------------------- /examples/speech_recognition/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/data/__init__.py -------------------------------------------------------------------------------- /examples/speech_recognition/data/asr_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/data/asr_dataset.py -------------------------------------------------------------------------------- /examples/speech_recognition/data/collaters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/data/collaters.py -------------------------------------------------------------------------------- /examples/speech_recognition/data/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/data/data_utils.py -------------------------------------------------------------------------------- /examples/speech_recognition/data/replabels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/data/replabels.py -------------------------------------------------------------------------------- /examples/speech_recognition/datasets/asr_prep_json.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/datasets/asr_prep_json.py -------------------------------------------------------------------------------- /examples/speech_recognition/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/infer.py -------------------------------------------------------------------------------- /examples/speech_recognition/kaldi/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/speech_recognition/kaldi/kaldi_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/kaldi/kaldi_decoder.py -------------------------------------------------------------------------------- /examples/speech_recognition/kaldi/kaldi_initializer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/kaldi/kaldi_initializer.py -------------------------------------------------------------------------------- /examples/speech_recognition/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/models/__init__.py -------------------------------------------------------------------------------- /examples/speech_recognition/models/vggtransformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/models/vggtransformer.py -------------------------------------------------------------------------------- /examples/speech_recognition/models/w2l_conv_glu_enc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/models/w2l_conv_glu_enc.py -------------------------------------------------------------------------------- /examples/speech_recognition/new/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/new/README.md -------------------------------------------------------------------------------- /examples/speech_recognition/new/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/speech_recognition/new/conf/infer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/new/conf/infer.yaml -------------------------------------------------------------------------------- /examples/speech_recognition/new/decoders/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/speech_recognition/new/decoders/base_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/new/decoders/base_decoder.py -------------------------------------------------------------------------------- /examples/speech_recognition/new/decoders/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/new/decoders/decoder.py -------------------------------------------------------------------------------- /examples/speech_recognition/new/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/new/infer.py -------------------------------------------------------------------------------- /examples/speech_recognition/tasks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/tasks/__init__.py -------------------------------------------------------------------------------- /examples/speech_recognition/tasks/speech_recognition.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/tasks/speech_recognition.py -------------------------------------------------------------------------------- /examples/speech_recognition/utils/wer_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/utils/wer_utils.py -------------------------------------------------------------------------------- /examples/speech_recognition/w2l_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_recognition/w2l_decoder.py -------------------------------------------------------------------------------- /examples/speech_to_text/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_to_text/README.md -------------------------------------------------------------------------------- /examples/speech_to_text/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_to_text/data_utils.py -------------------------------------------------------------------------------- /examples/speech_to_text/docs/covost_example.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_to_text/docs/covost_example.md -------------------------------------------------------------------------------- /examples/speech_to_text/docs/librispeech_example.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_to_text/docs/librispeech_example.md -------------------------------------------------------------------------------- /examples/speech_to_text/docs/mtedx_example.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_to_text/docs/mtedx_example.md -------------------------------------------------------------------------------- /examples/speech_to_text/docs/mustc_example.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_to_text/docs/mustc_example.md -------------------------------------------------------------------------------- /examples/speech_to_text/docs/simulst_mustc_example.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_to_text/docs/simulst_mustc_example.md -------------------------------------------------------------------------------- /examples/speech_to_text/prep_covost_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_to_text/prep_covost_data.py -------------------------------------------------------------------------------- /examples/speech_to_text/prep_librispeech_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_to_text/prep_librispeech_data.py -------------------------------------------------------------------------------- /examples/speech_to_text/prep_mtedx_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_to_text/prep_mtedx_data.py -------------------------------------------------------------------------------- /examples/speech_to_text/prep_mustc_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_to_text/prep_mustc_data.py -------------------------------------------------------------------------------- /examples/speech_to_text/seg_mustc_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/speech_to_text/seg_mustc_data.py -------------------------------------------------------------------------------- /examples/stories/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/stories/README.md -------------------------------------------------------------------------------- /examples/translation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/translation/README.md -------------------------------------------------------------------------------- /examples/translation/prepare-iwslt14.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/translation/prepare-iwslt14.sh -------------------------------------------------------------------------------- /examples/translation/prepare-iwslt17-multilingual.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/translation/prepare-iwslt17-multilingual.sh -------------------------------------------------------------------------------- /examples/translation/prepare-wmt14en2de.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/translation/prepare-wmt14en2de.sh -------------------------------------------------------------------------------- /examples/translation/prepare-wmt14en2fr.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/translation/prepare-wmt14en2fr.sh -------------------------------------------------------------------------------- /examples/translation_moe/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/translation_moe/README.md -------------------------------------------------------------------------------- /examples/translation_moe/score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/translation_moe/score.py -------------------------------------------------------------------------------- /examples/translation_moe/translation_moe_src/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/translation_moe/translation_moe_src/__init__.py -------------------------------------------------------------------------------- /examples/truncated_bptt/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/truncated_bptt/README.md -------------------------------------------------------------------------------- /examples/truncated_bptt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/truncated_bptt/__init__.py -------------------------------------------------------------------------------- /examples/truncated_bptt/transformer_xl_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/truncated_bptt/transformer_xl_model.py -------------------------------------------------------------------------------- /examples/truncated_bptt/truncated_bptt_lm_task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/truncated_bptt/truncated_bptt_lm_task.py -------------------------------------------------------------------------------- /examples/unsupervised_quality_estimation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/unsupervised_quality_estimation/README.md -------------------------------------------------------------------------------- /examples/unsupervised_quality_estimation/meteor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/unsupervised_quality_estimation/meteor.py -------------------------------------------------------------------------------- /examples/unsupervised_quality_estimation/repeat_lines.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/unsupervised_quality_estimation/repeat_lines.py -------------------------------------------------------------------------------- /examples/wmt19/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/wmt19/README.md -------------------------------------------------------------------------------- /examples/wmt20/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/wmt20/README.md -------------------------------------------------------------------------------- /examples/xlmr/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/examples/xlmr/README.md -------------------------------------------------------------------------------- /fairseq.egg-info/PKG-INFO: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq.egg-info/PKG-INFO -------------------------------------------------------------------------------- /fairseq.egg-info/SOURCES.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq.egg-info/SOURCES.txt -------------------------------------------------------------------------------- /fairseq.egg-info/dependency_links.txt: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /fairseq.egg-info/entry_points.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq.egg-info/entry_points.txt -------------------------------------------------------------------------------- /fairseq.egg-info/not-zip-safe: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /fairseq.egg-info/requires.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq.egg-info/requires.txt -------------------------------------------------------------------------------- /fairseq.egg-info/top_level.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq.egg-info/top_level.txt -------------------------------------------------------------------------------- /fairseq/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__init__.py -------------------------------------------------------------------------------- /fairseq/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/binarizer.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/binarizer.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/checkpoint_utils.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/checkpoint_utils.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/file_io.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/file_io.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/file_utils.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/file_utils.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/hub_utils.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/hub_utils.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/nan_detector.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/nan_detector.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/ngram_repeat_block.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/ngram_repeat_block.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/options.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/options.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/pdb.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/pdb.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/quantization_utils.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/quantization_utils.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/registry.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/registry.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/search.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/search.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/sequence_generator.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/sequence_generator.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/sequence_scorer.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/sequence_scorer.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/tokenizer.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/tokenizer.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/trainer.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/trainer.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/utils.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/utils.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/version.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/__pycache__/version.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/benchmark/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/benchmark/__init__.py -------------------------------------------------------------------------------- /fairseq/benchmark/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/benchmark/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/benchmark/__pycache__/dummy_lm.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/benchmark/__pycache__/dummy_lm.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/benchmark/__pycache__/dummy_model.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/benchmark/__pycache__/dummy_model.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/benchmark/__pycache__/dummy_mt.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/benchmark/__pycache__/dummy_mt.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/benchmark/dummy_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/benchmark/dummy_dataset.py -------------------------------------------------------------------------------- /fairseq/benchmark/dummy_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/benchmark/dummy_lm.py -------------------------------------------------------------------------------- /fairseq/benchmark/dummy_masked_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/benchmark/dummy_masked_lm.py -------------------------------------------------------------------------------- /fairseq/benchmark/dummy_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/benchmark/dummy_model.py -------------------------------------------------------------------------------- /fairseq/benchmark/dummy_mt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/benchmark/dummy_mt.py -------------------------------------------------------------------------------- /fairseq/binarizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/binarizer.py -------------------------------------------------------------------------------- /fairseq/checkpoint_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/checkpoint_utils.py -------------------------------------------------------------------------------- /fairseq/clib/cuda/ngram_repeat_block_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/clib/cuda/ngram_repeat_block_cuda.cpp -------------------------------------------------------------------------------- /fairseq/clib/cuda/ngram_repeat_block_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/clib/cuda/ngram_repeat_block_cuda_kernel.cu -------------------------------------------------------------------------------- /fairseq/clib/libbase/balanced_assignment.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/clib/libbase/balanced_assignment.cpp -------------------------------------------------------------------------------- /fairseq/clib/libbleu/libbleu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/clib/libbleu/libbleu.cpp -------------------------------------------------------------------------------- /fairseq/clib/libbleu/module.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/clib/libbleu/module.cpp -------------------------------------------------------------------------------- /fairseq/clib/libnat/edit_dist.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/clib/libnat/edit_dist.cpp -------------------------------------------------------------------------------- /fairseq/clib/libnat_cuda/binding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/clib/libnat_cuda/binding.cpp -------------------------------------------------------------------------------- /fairseq/clib/libnat_cuda/edit_dist.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/clib/libnat_cuda/edit_dist.cu -------------------------------------------------------------------------------- /fairseq/clib/libnat_cuda/edit_dist.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/clib/libnat_cuda/edit_dist.h -------------------------------------------------------------------------------- /fairseq/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/config/__init__.py -------------------------------------------------------------------------------- /fairseq/config/config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/config/config.yaml -------------------------------------------------------------------------------- /fairseq/config/optim/composite_small.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/config/optim/composite_small.yaml -------------------------------------------------------------------------------- /fairseq/criterions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/__init__.py -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/ctc.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/__pycache__/ctc.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/masked_lm.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/__pycache__/masked_lm.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/nat_loss.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/__pycache__/nat_loss.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/criterions/adaptive_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/adaptive_loss.py -------------------------------------------------------------------------------- /fairseq/criterions/composite_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/composite_loss.py -------------------------------------------------------------------------------- /fairseq/criterions/cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/cross_entropy.py -------------------------------------------------------------------------------- /fairseq/criterions/ctc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/ctc.py -------------------------------------------------------------------------------- /fairseq/criterions/fairseq_criterion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/fairseq_criterion.py -------------------------------------------------------------------------------- /fairseq/criterions/hubert_criterion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/hubert_criterion.py -------------------------------------------------------------------------------- /fairseq/criterions/label_smoothed_cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/label_smoothed_cross_entropy.py -------------------------------------------------------------------------------- /fairseq/criterions/legacy_masked_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/legacy_masked_lm.py -------------------------------------------------------------------------------- /fairseq/criterions/masked_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/masked_lm.py -------------------------------------------------------------------------------- /fairseq/criterions/model_criterion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/model_criterion.py -------------------------------------------------------------------------------- /fairseq/criterions/nat_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/nat_loss.py -------------------------------------------------------------------------------- /fairseq/criterions/sentence_prediction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/sentence_prediction.py -------------------------------------------------------------------------------- /fairseq/criterions/sentence_ranking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/sentence_ranking.py -------------------------------------------------------------------------------- /fairseq/criterions/wav2vec_criterion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/wav2vec_criterion.py -------------------------------------------------------------------------------- /fairseq/criterions/xentropy_with_aux_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/criterions/xentropy_with_aux_loss.py -------------------------------------------------------------------------------- /fairseq/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__init__.py -------------------------------------------------------------------------------- /fairseq/data/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/colorize_dataset.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/colorize_dataset.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/concat_dataset.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/concat_dataset.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/data_utils.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/data_utils.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/dictionary.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/dictionary.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/fairseq_dataset.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/fairseq_dataset.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/fasta_dataset.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/fasta_dataset.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/id_dataset.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/id_dataset.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/indexed_dataset.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/indexed_dataset.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/iterators.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/iterators.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/list_dataset.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/list_dataset.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/noising.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/noising.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/numel_dataset.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/numel_dataset.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/pad_dataset.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/pad_dataset.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/plasma_utils.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/plasma_utils.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/prepend_dataset.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/prepend_dataset.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/replace_dataset.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/replace_dataset.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/roll_dataset.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/roll_dataset.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/shorten_dataset.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/shorten_dataset.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/sort_dataset.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/__pycache__/sort_dataset.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/add_target_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/add_target_dataset.py -------------------------------------------------------------------------------- /fairseq/data/append_token_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/append_token_dataset.py -------------------------------------------------------------------------------- /fairseq/data/audio/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fairseq/data/audio/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/audio/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/audio/audio_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/audio/audio_utils.py -------------------------------------------------------------------------------- /fairseq/data/audio/feature_transforms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/audio/feature_transforms/__init__.py -------------------------------------------------------------------------------- /fairseq/data/audio/feature_transforms/global_cmvn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/audio/feature_transforms/global_cmvn.py -------------------------------------------------------------------------------- /fairseq/data/audio/feature_transforms/specaugment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/audio/feature_transforms/specaugment.py -------------------------------------------------------------------------------- /fairseq/data/audio/feature_transforms/utterance_cmvn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/audio/feature_transforms/utterance_cmvn.py -------------------------------------------------------------------------------- /fairseq/data/audio/hubert_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/audio/hubert_dataset.py -------------------------------------------------------------------------------- /fairseq/data/audio/raw_audio_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/audio/raw_audio_dataset.py -------------------------------------------------------------------------------- /fairseq/data/audio/speech_to_text_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/audio/speech_to_text_dataset.py -------------------------------------------------------------------------------- /fairseq/data/backtranslation_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/backtranslation_dataset.py -------------------------------------------------------------------------------- /fairseq/data/base_wrapper_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/base_wrapper_dataset.py -------------------------------------------------------------------------------- /fairseq/data/bucket_pad_length_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/bucket_pad_length_dataset.py -------------------------------------------------------------------------------- /fairseq/data/colorize_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/colorize_dataset.py -------------------------------------------------------------------------------- /fairseq/data/concat_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/concat_dataset.py -------------------------------------------------------------------------------- /fairseq/data/concat_sentences_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/concat_sentences_dataset.py -------------------------------------------------------------------------------- /fairseq/data/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/data_utils.py -------------------------------------------------------------------------------- /fairseq/data/data_utils_fast.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/data_utils_fast.cpp -------------------------------------------------------------------------------- /fairseq/data/data_utils_fast.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/data_utils_fast.pyx -------------------------------------------------------------------------------- /fairseq/data/denoising_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/denoising_dataset.py -------------------------------------------------------------------------------- /fairseq/data/dictionary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/dictionary.py -------------------------------------------------------------------------------- /fairseq/data/encoders/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/__init__.py -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/bytes.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/__pycache__/bytes.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/fastbpe.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/__pycache__/fastbpe.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/utils.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/__pycache__/utils.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/byte_bpe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/byte_bpe.py -------------------------------------------------------------------------------- /fairseq/data/encoders/byte_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/byte_utils.py -------------------------------------------------------------------------------- /fairseq/data/encoders/bytes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/bytes.py -------------------------------------------------------------------------------- /fairseq/data/encoders/characters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/characters.py -------------------------------------------------------------------------------- /fairseq/data/encoders/fastbpe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/fastbpe.py -------------------------------------------------------------------------------- /fairseq/data/encoders/gpt2_bpe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/gpt2_bpe.py -------------------------------------------------------------------------------- /fairseq/data/encoders/gpt2_bpe_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/gpt2_bpe_utils.py -------------------------------------------------------------------------------- /fairseq/data/encoders/hf_bert_bpe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/hf_bert_bpe.py -------------------------------------------------------------------------------- /fairseq/data/encoders/hf_byte_bpe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/hf_byte_bpe.py -------------------------------------------------------------------------------- /fairseq/data/encoders/moses_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/moses_tokenizer.py -------------------------------------------------------------------------------- /fairseq/data/encoders/nltk_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/nltk_tokenizer.py -------------------------------------------------------------------------------- /fairseq/data/encoders/sentencepiece_bpe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/sentencepiece_bpe.py -------------------------------------------------------------------------------- /fairseq/data/encoders/space_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/space_tokenizer.py -------------------------------------------------------------------------------- /fairseq/data/encoders/subword_nmt_bpe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/subword_nmt_bpe.py -------------------------------------------------------------------------------- /fairseq/data/encoders/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/encoders/utils.py -------------------------------------------------------------------------------- /fairseq/data/fairseq_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/fairseq_dataset.py -------------------------------------------------------------------------------- /fairseq/data/fasta_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/fasta_dataset.py -------------------------------------------------------------------------------- /fairseq/data/id_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/id_dataset.py -------------------------------------------------------------------------------- /fairseq/data/indexed_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/indexed_dataset.py -------------------------------------------------------------------------------- /fairseq/data/iterators.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/iterators.py -------------------------------------------------------------------------------- /fairseq/data/language_pair_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/language_pair_dataset.py -------------------------------------------------------------------------------- /fairseq/data/legacy/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/legacy/__init__.py -------------------------------------------------------------------------------- /fairseq/data/legacy/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/legacy/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/data/legacy/block_pair_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/legacy/block_pair_dataset.py -------------------------------------------------------------------------------- /fairseq/data/legacy/masked_lm_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/legacy/masked_lm_dataset.py -------------------------------------------------------------------------------- /fairseq/data/legacy/masked_lm_dictionary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/legacy/masked_lm_dictionary.py -------------------------------------------------------------------------------- /fairseq/data/list_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/list_dataset.py -------------------------------------------------------------------------------- /fairseq/data/lm_context_window_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/lm_context_window_dataset.py -------------------------------------------------------------------------------- /fairseq/data/lru_cache_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/lru_cache_dataset.py -------------------------------------------------------------------------------- /fairseq/data/mask_tokens_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/mask_tokens_dataset.py -------------------------------------------------------------------------------- /fairseq/data/monolingual_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/monolingual_dataset.py -------------------------------------------------------------------------------- /fairseq/data/multi_corpus_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/multi_corpus_dataset.py -------------------------------------------------------------------------------- /fairseq/data/multi_corpus_sampled_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/multi_corpus_sampled_dataset.py -------------------------------------------------------------------------------- /fairseq/data/multilingual/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/multilingual/__init__.py -------------------------------------------------------------------------------- /fairseq/data/multilingual/multilingual_data_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/multilingual/multilingual_data_manager.py -------------------------------------------------------------------------------- /fairseq/data/multilingual/multilingual_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/multilingual/multilingual_utils.py -------------------------------------------------------------------------------- /fairseq/data/multilingual/sampled_multi_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/multilingual/sampled_multi_dataset.py -------------------------------------------------------------------------------- /fairseq/data/multilingual/sampled_multi_epoch_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/multilingual/sampled_multi_epoch_dataset.py -------------------------------------------------------------------------------- /fairseq/data/multilingual/sampling_method.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/multilingual/sampling_method.py -------------------------------------------------------------------------------- /fairseq/data/nested_dictionary_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/nested_dictionary_dataset.py -------------------------------------------------------------------------------- /fairseq/data/noising.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/noising.py -------------------------------------------------------------------------------- /fairseq/data/num_samples_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/num_samples_dataset.py -------------------------------------------------------------------------------- /fairseq/data/numel_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/numel_dataset.py -------------------------------------------------------------------------------- /fairseq/data/offset_tokens_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/offset_tokens_dataset.py -------------------------------------------------------------------------------- /fairseq/data/pad_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/pad_dataset.py -------------------------------------------------------------------------------- /fairseq/data/plasma_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/plasma_utils.py -------------------------------------------------------------------------------- /fairseq/data/prepend_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/prepend_dataset.py -------------------------------------------------------------------------------- /fairseq/data/prepend_token_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/prepend_token_dataset.py -------------------------------------------------------------------------------- /fairseq/data/raw_label_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/raw_label_dataset.py -------------------------------------------------------------------------------- /fairseq/data/replace_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/replace_dataset.py -------------------------------------------------------------------------------- /fairseq/data/resampling_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/resampling_dataset.py -------------------------------------------------------------------------------- /fairseq/data/roll_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/roll_dataset.py -------------------------------------------------------------------------------- /fairseq/data/round_robin_zip_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/round_robin_zip_datasets.py -------------------------------------------------------------------------------- /fairseq/data/shorten_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/shorten_dataset.py -------------------------------------------------------------------------------- /fairseq/data/sort_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/sort_dataset.py -------------------------------------------------------------------------------- /fairseq/data/strip_token_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/strip_token_dataset.py -------------------------------------------------------------------------------- /fairseq/data/subsample_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/subsample_dataset.py -------------------------------------------------------------------------------- /fairseq/data/token_block_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/token_block_dataset.py -------------------------------------------------------------------------------- /fairseq/data/token_block_utils_fast.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/token_block_utils_fast.cpp -------------------------------------------------------------------------------- /fairseq/data/token_block_utils_fast.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/token_block_utils_fast.pyx -------------------------------------------------------------------------------- /fairseq/data/transform_eos_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/transform_eos_dataset.py -------------------------------------------------------------------------------- /fairseq/data/transform_eos_lang_pair_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/data/transform_eos_lang_pair_dataset.py -------------------------------------------------------------------------------- /fairseq/dataclass/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/dataclass/__init__.py -------------------------------------------------------------------------------- /fairseq/dataclass/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/dataclass/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/dataclass/__pycache__/configs.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/dataclass/__pycache__/configs.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/dataclass/__pycache__/constants.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/dataclass/__pycache__/constants.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/dataclass/__pycache__/initialize.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/dataclass/__pycache__/initialize.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/dataclass/__pycache__/utils.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/dataclass/__pycache__/utils.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/dataclass/configs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/dataclass/configs.py -------------------------------------------------------------------------------- /fairseq/dataclass/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/dataclass/constants.py -------------------------------------------------------------------------------- /fairseq/dataclass/initialize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/dataclass/initialize.py -------------------------------------------------------------------------------- /fairseq/dataclass/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/dataclass/utils.py -------------------------------------------------------------------------------- /fairseq/distributed/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/distributed/__init__.py -------------------------------------------------------------------------------- /fairseq/distributed/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/distributed/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/distributed/__pycache__/utils.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/distributed/__pycache__/utils.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/distributed/distributed_timeout_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/distributed/distributed_timeout_wrapper.py -------------------------------------------------------------------------------- /fairseq/distributed/fully_sharded_data_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/distributed/fully_sharded_data_parallel.py -------------------------------------------------------------------------------- /fairseq/distributed/legacy_distributed_data_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/distributed/legacy_distributed_data_parallel.py -------------------------------------------------------------------------------- /fairseq/distributed/module_proxy_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/distributed/module_proxy_wrapper.py -------------------------------------------------------------------------------- /fairseq/distributed/tpu_distributed_data_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/distributed/tpu_distributed_data_parallel.py -------------------------------------------------------------------------------- /fairseq/distributed/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/distributed/utils.py -------------------------------------------------------------------------------- /fairseq/file_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/file_io.py -------------------------------------------------------------------------------- /fairseq/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/file_utils.py -------------------------------------------------------------------------------- /fairseq/hub_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/hub_utils.py -------------------------------------------------------------------------------- /fairseq/incremental_decoding_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/incremental_decoding_utils.py -------------------------------------------------------------------------------- /fairseq/iterative_refinement_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/iterative_refinement_generator.py -------------------------------------------------------------------------------- /fairseq/libbase.cpython-36m-x86_64-linux-gnu.so: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/libbase.cpython-36m-x86_64-linux-gnu.so -------------------------------------------------------------------------------- /fairseq/libbleu.cpython-36m-x86_64-linux-gnu.so: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/libbleu.cpython-36m-x86_64-linux-gnu.so -------------------------------------------------------------------------------- /fairseq/libnat.cpython-36m-x86_64-linux-gnu.so: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/libnat.cpython-36m-x86_64-linux-gnu.so -------------------------------------------------------------------------------- /fairseq/logging/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fairseq/logging/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/logging/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/logging/__pycache__/meters.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/logging/__pycache__/meters.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/logging/__pycache__/metrics.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/logging/__pycache__/metrics.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/logging/__pycache__/progress_bar.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/logging/__pycache__/progress_bar.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/logging/meters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/logging/meters.py -------------------------------------------------------------------------------- /fairseq/logging/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/logging/metrics.py -------------------------------------------------------------------------------- /fairseq/logging/progress_bar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/logging/progress_bar.py -------------------------------------------------------------------------------- /fairseq/model_parallel/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/model_parallel/__init__.py -------------------------------------------------------------------------------- /fairseq/model_parallel/criterions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/model_parallel/criterions/__init__.py -------------------------------------------------------------------------------- /fairseq/model_parallel/megatron_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/model_parallel/megatron_trainer.py -------------------------------------------------------------------------------- /fairseq/model_parallel/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/model_parallel/models/__init__.py -------------------------------------------------------------------------------- /fairseq/model_parallel/models/roberta/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/model_parallel/models/roberta/__init__.py -------------------------------------------------------------------------------- /fairseq/model_parallel/models/roberta/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/model_parallel/models/roberta/model.py -------------------------------------------------------------------------------- /fairseq/model_parallel/models/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/model_parallel/models/transformer.py -------------------------------------------------------------------------------- /fairseq/model_parallel/models/transformer_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/model_parallel/models/transformer_lm.py -------------------------------------------------------------------------------- /fairseq/model_parallel/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/model_parallel/modules/__init__.py -------------------------------------------------------------------------------- /fairseq/model_parallel/modules/multihead_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/model_parallel/modules/multihead_attention.py -------------------------------------------------------------------------------- /fairseq/model_parallel/modules/transformer_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/model_parallel/modules/transformer_layer.py -------------------------------------------------------------------------------- /fairseq/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/__init__.py -------------------------------------------------------------------------------- /fairseq/models/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/fairseq_model.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/__pycache__/fairseq_model.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/fconv.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/__pycache__/fconv.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/fconv_lm.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/__pycache__/fconv_lm.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/fconv_self_att.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/__pycache__/fconv_self_att.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/lightconv.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/__pycache__/lightconv.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/lightconv_lm.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/__pycache__/lightconv_lm.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/lstm.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/__pycache__/lstm.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/lstm_lm.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/__pycache__/lstm_lm.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/masked_lm.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/__pycache__/masked_lm.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/model_utils.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/__pycache__/model_utils.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/transformer.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/__pycache__/transformer.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/transformer_lm.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/__pycache__/transformer_lm.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/models/bart/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/bart/__init__.py -------------------------------------------------------------------------------- /fairseq/models/bart/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/bart/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/models/bart/__pycache__/model.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/bart/__pycache__/model.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/models/bart/hub_interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/bart/hub_interface.py -------------------------------------------------------------------------------- /fairseq/models/bart/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/bart/model.py -------------------------------------------------------------------------------- /fairseq/models/composite_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/composite_encoder.py -------------------------------------------------------------------------------- /fairseq/models/distributed_fairseq_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/distributed_fairseq_model.py -------------------------------------------------------------------------------- /fairseq/models/fairseq_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/fairseq_decoder.py -------------------------------------------------------------------------------- /fairseq/models/fairseq_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/fairseq_encoder.py -------------------------------------------------------------------------------- /fairseq/models/fairseq_incremental_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/fairseq_incremental_decoder.py -------------------------------------------------------------------------------- /fairseq/models/fairseq_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/fairseq_model.py -------------------------------------------------------------------------------- /fairseq/models/fconv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/fconv.py -------------------------------------------------------------------------------- /fairseq/models/fconv_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/fconv_lm.py -------------------------------------------------------------------------------- /fairseq/models/fconv_self_att.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/fconv_self_att.py -------------------------------------------------------------------------------- /fairseq/models/hubert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/hubert/__init__.py -------------------------------------------------------------------------------- /fairseq/models/hubert/__pycache__/hubert.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/hubert/__pycache__/hubert.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/models/hubert/hubert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/hubert/hubert.py -------------------------------------------------------------------------------- /fairseq/models/hubert/hubert_asr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/hubert/hubert_asr.py -------------------------------------------------------------------------------- /fairseq/models/huggingface/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/huggingface/__init__.py -------------------------------------------------------------------------------- /fairseq/models/huggingface/hf_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/huggingface/hf_gpt2.py -------------------------------------------------------------------------------- /fairseq/models/lightconv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/lightconv.py -------------------------------------------------------------------------------- /fairseq/models/lightconv_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/lightconv_lm.py -------------------------------------------------------------------------------- /fairseq/models/lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/lstm.py -------------------------------------------------------------------------------- /fairseq/models/lstm_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/lstm_lm.py -------------------------------------------------------------------------------- /fairseq/models/masked_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/masked_lm.py -------------------------------------------------------------------------------- /fairseq/models/model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/model_utils.py -------------------------------------------------------------------------------- /fairseq/models/multilingual_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/multilingual_transformer.py -------------------------------------------------------------------------------- /fairseq/models/nat/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/nat/__init__.py -------------------------------------------------------------------------------- /fairseq/models/nat/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/nat/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/models/nat/cmlm_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/nat/cmlm_transformer.py -------------------------------------------------------------------------------- /fairseq/models/nat/fairseq_nat_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/nat/fairseq_nat_model.py -------------------------------------------------------------------------------- /fairseq/models/nat/insertion_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/nat/insertion_transformer.py -------------------------------------------------------------------------------- /fairseq/models/nat/levenshtein_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/nat/levenshtein_transformer.py -------------------------------------------------------------------------------- /fairseq/models/nat/levenshtein_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/nat/levenshtein_utils.py -------------------------------------------------------------------------------- /fairseq/models/nat/nat_crf_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/nat/nat_crf_transformer.py -------------------------------------------------------------------------------- /fairseq/models/nat/nonautoregressive_ensembles.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/nat/nonautoregressive_ensembles.py -------------------------------------------------------------------------------- /fairseq/models/nat/nonautoregressive_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/nat/nonautoregressive_transformer.py -------------------------------------------------------------------------------- /fairseq/models/roberta/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/roberta/__init__.py -------------------------------------------------------------------------------- /fairseq/models/roberta/alignment_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/roberta/alignment_utils.py -------------------------------------------------------------------------------- /fairseq/models/roberta/enc_dec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/roberta/enc_dec.py -------------------------------------------------------------------------------- /fairseq/models/roberta/hub_interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/roberta/hub_interface.py -------------------------------------------------------------------------------- /fairseq/models/roberta/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/roberta/model.py -------------------------------------------------------------------------------- /fairseq/models/roberta/model_camembert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/roberta/model_camembert.py -------------------------------------------------------------------------------- /fairseq/models/roberta/model_gottbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/roberta/model_gottbert.py -------------------------------------------------------------------------------- /fairseq/models/roberta/model_xlmr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/roberta/model_xlmr.py -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/speech_to_text/__init__.py -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/berard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/speech_to_text/berard.py -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/convtransformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/speech_to_text/convtransformer.py -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/modules/emformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/speech_to_text/modules/emformer.py -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/s2t_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/speech_to_text/s2t_transformer.py -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/speech_to_text/utils.py -------------------------------------------------------------------------------- /fairseq/models/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/transformer.py -------------------------------------------------------------------------------- /fairseq/models/transformer_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/transformer_align.py -------------------------------------------------------------------------------- /fairseq/models/transformer_from_pretrained_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/transformer_from_pretrained_xlm.py -------------------------------------------------------------------------------- /fairseq/models/transformer_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/transformer_lm.py -------------------------------------------------------------------------------- /fairseq/models/wav2vec/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/wav2vec/__init__.py -------------------------------------------------------------------------------- /fairseq/models/wav2vec/wav2vec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/wav2vec/wav2vec.py -------------------------------------------------------------------------------- /fairseq/models/wav2vec/wav2vec2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/wav2vec/wav2vec2.py -------------------------------------------------------------------------------- /fairseq/models/wav2vec/wav2vec2_asr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/models/wav2vec/wav2vec2_asr.py -------------------------------------------------------------------------------- /fairseq/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/__init__.py -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/base_layer.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/__pycache__/base_layer.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/conv_tbc.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/__pycache__/conv_tbc.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/gelu.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/__pycache__/gelu.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/layer_drop.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/__pycache__/layer_drop.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/layer_norm.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/__pycache__/layer_norm.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/moe_layer.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/__pycache__/moe_layer.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/same_pad.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/__pycache__/same_pad.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/unfold.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/__pycache__/unfold.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/vggblock.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/__pycache__/vggblock.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/modules/adaptive_input.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/adaptive_input.py -------------------------------------------------------------------------------- /fairseq/modules/adaptive_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/adaptive_softmax.py -------------------------------------------------------------------------------- /fairseq/modules/beamable_mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/beamable_mm.py -------------------------------------------------------------------------------- /fairseq/modules/character_token_embedder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/character_token_embedder.py -------------------------------------------------------------------------------- /fairseq/modules/checkpoint_activations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/checkpoint_activations.py -------------------------------------------------------------------------------- /fairseq/modules/conv_tbc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/conv_tbc.py -------------------------------------------------------------------------------- /fairseq/modules/cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/cross_entropy.py -------------------------------------------------------------------------------- /fairseq/modules/cuda_utils.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/cuda_utils.cu -------------------------------------------------------------------------------- /fairseq/modules/downsampled_multihead_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/downsampled_multihead_attention.py -------------------------------------------------------------------------------- /fairseq/modules/dynamic_convolution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/dynamic_convolution.py -------------------------------------------------------------------------------- /fairseq/modules/dynamic_crf_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/dynamic_crf_layer.py -------------------------------------------------------------------------------- /fairseq/modules/dynamicconv_layer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/dynamicconv_layer/__init__.py -------------------------------------------------------------------------------- /fairseq/modules/dynamicconv_layer/dynamiconv_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/dynamicconv_layer/dynamiconv_cpu.cpp -------------------------------------------------------------------------------- /fairseq/modules/dynamicconv_layer/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/dynamicconv_layer/setup.py -------------------------------------------------------------------------------- /fairseq/modules/fairseq_dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/fairseq_dropout.py -------------------------------------------------------------------------------- /fairseq/modules/fp32_group_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/fp32_group_norm.py -------------------------------------------------------------------------------- /fairseq/modules/gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/gelu.py -------------------------------------------------------------------------------- /fairseq/modules/grad_multiply.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/grad_multiply.py -------------------------------------------------------------------------------- /fairseq/modules/gumbel_vector_quantizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/gumbel_vector_quantizer.py -------------------------------------------------------------------------------- /fairseq/modules/kmeans_vector_quantizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/kmeans_vector_quantizer.py -------------------------------------------------------------------------------- /fairseq/modules/layer_drop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/layer_drop.py -------------------------------------------------------------------------------- /fairseq/modules/layer_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/layer_norm.py -------------------------------------------------------------------------------- /fairseq/modules/learned_positional_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/learned_positional_embedding.py -------------------------------------------------------------------------------- /fairseq/modules/lightconv_layer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/lightconv_layer/__init__.py -------------------------------------------------------------------------------- /fairseq/modules/lightconv_layer/cuda_function_gen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/lightconv_layer/cuda_function_gen.py -------------------------------------------------------------------------------- /fairseq/modules/lightconv_layer/lightconv_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/lightconv_layer/lightconv_cuda.cpp -------------------------------------------------------------------------------- /fairseq/modules/lightconv_layer/lightconv_cuda.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/lightconv_layer/lightconv_cuda.cuh -------------------------------------------------------------------------------- /fairseq/modules/lightconv_layer/lightconv_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/lightconv_layer/lightconv_layer.py -------------------------------------------------------------------------------- /fairseq/modules/lightconv_layer/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/lightconv_layer/setup.py -------------------------------------------------------------------------------- /fairseq/modules/lightweight_convolution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/lightweight_convolution.py -------------------------------------------------------------------------------- /fairseq/modules/linearized_convolution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/linearized_convolution.py -------------------------------------------------------------------------------- /fairseq/modules/moe_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/moe_layer.py -------------------------------------------------------------------------------- /fairseq/modules/multihead_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/multihead_attention.py -------------------------------------------------------------------------------- /fairseq/modules/positional_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/positional_embedding.py -------------------------------------------------------------------------------- /fairseq/modules/quant_noise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/quant_noise.py -------------------------------------------------------------------------------- /fairseq/modules/quantization/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/quantization/pq/__init__.py -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/em.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/quantization/pq/em.py -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/quantization/pq/modules/__init__.py -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/modules/qconv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/quantization/pq/modules/qconv.py -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/modules/qemb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/quantization/pq/modules/qemb.py -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/modules/qlinear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/quantization/pq/modules/qlinear.py -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/pq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/quantization/pq/pq.py -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/quantization/pq/utils.py -------------------------------------------------------------------------------- /fairseq/modules/quantization/quantization_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/quantization/quantization_options.py -------------------------------------------------------------------------------- /fairseq/modules/quantization/scalar/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/quantization/scalar/__init__.py -------------------------------------------------------------------------------- /fairseq/modules/quantization/scalar/modules/qact.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/quantization/scalar/modules/qact.py -------------------------------------------------------------------------------- /fairseq/modules/quantization/scalar/modules/qconv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/quantization/scalar/modules/qconv.py -------------------------------------------------------------------------------- /fairseq/modules/quantization/scalar/modules/qemb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/quantization/scalar/modules/qemb.py -------------------------------------------------------------------------------- /fairseq/modules/quantization/scalar/ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/quantization/scalar/ops.py -------------------------------------------------------------------------------- /fairseq/modules/quantization/scalar/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/quantization/scalar/utils.py -------------------------------------------------------------------------------- /fairseq/modules/same_pad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/same_pad.py -------------------------------------------------------------------------------- /fairseq/modules/scalar_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/scalar_bias.py -------------------------------------------------------------------------------- /fairseq/modules/sinusoidal_positional_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/sinusoidal_positional_embedding.py -------------------------------------------------------------------------------- /fairseq/modules/sparse_multihead_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/sparse_multihead_attention.py -------------------------------------------------------------------------------- /fairseq/modules/transformer_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/transformer_layer.py -------------------------------------------------------------------------------- /fairseq/modules/transformer_sentence_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/transformer_sentence_encoder.py -------------------------------------------------------------------------------- /fairseq/modules/transformer_sentence_encoder_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/transformer_sentence_encoder_layer.py -------------------------------------------------------------------------------- /fairseq/modules/transpose_last.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/transpose_last.py -------------------------------------------------------------------------------- /fairseq/modules/unfold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/unfold.py -------------------------------------------------------------------------------- /fairseq/modules/vggblock.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/modules/vggblock.py -------------------------------------------------------------------------------- /fairseq/nan_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/nan_detector.py -------------------------------------------------------------------------------- /fairseq/ngram_repeat_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/ngram_repeat_block.py -------------------------------------------------------------------------------- /fairseq/optim/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/__init__.py -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/adadelta.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/__pycache__/adadelta.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/adafactor.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/__pycache__/adafactor.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/adagrad.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/__pycache__/adagrad.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/adam.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/__pycache__/adam.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/adamax.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/__pycache__/adamax.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/bmuf.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/__pycache__/bmuf.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/composite.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/__pycache__/composite.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/cpu_adam.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/__pycache__/cpu_adam.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/fused_adam.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/__pycache__/fused_adam.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/fused_lamb.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/__pycache__/fused_lamb.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/nag.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/__pycache__/nag.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/sgd.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/__pycache__/sgd.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/shard.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/__pycache__/shard.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/optim/adadelta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/adadelta.py -------------------------------------------------------------------------------- /fairseq/optim/adafactor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/adafactor.py -------------------------------------------------------------------------------- /fairseq/optim/adagrad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/adagrad.py -------------------------------------------------------------------------------- /fairseq/optim/adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/adam.py -------------------------------------------------------------------------------- /fairseq/optim/adamax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/adamax.py -------------------------------------------------------------------------------- /fairseq/optim/amp_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/amp_optimizer.py -------------------------------------------------------------------------------- /fairseq/optim/bmuf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/bmuf.py -------------------------------------------------------------------------------- /fairseq/optim/composite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/composite.py -------------------------------------------------------------------------------- /fairseq/optim/cpu_adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/cpu_adam.py -------------------------------------------------------------------------------- /fairseq/optim/dynamic_loss_scaler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/dynamic_loss_scaler.py -------------------------------------------------------------------------------- /fairseq/optim/fairseq_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/fairseq_optimizer.py -------------------------------------------------------------------------------- /fairseq/optim/fp16_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/fp16_optimizer.py -------------------------------------------------------------------------------- /fairseq/optim/fused_adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/fused_adam.py -------------------------------------------------------------------------------- /fairseq/optim/fused_lamb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/fused_lamb.py -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/lr_scheduler/__init__.py -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/cosine_lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/lr_scheduler/cosine_lr_scheduler.py -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/fairseq_lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/lr_scheduler/fairseq_lr_scheduler.py -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/fixed_schedule.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/lr_scheduler/fixed_schedule.py -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/manual_lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/lr_scheduler/manual_lr_scheduler.py -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/pass_through.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/lr_scheduler/pass_through.py -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/reduce_lr_on_plateau.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/lr_scheduler/reduce_lr_on_plateau.py -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/tri_stage_lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/lr_scheduler/tri_stage_lr_scheduler.py -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/triangular_lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/lr_scheduler/triangular_lr_scheduler.py -------------------------------------------------------------------------------- /fairseq/optim/nag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/nag.py -------------------------------------------------------------------------------- /fairseq/optim/sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/sgd.py -------------------------------------------------------------------------------- /fairseq/optim/shard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/optim/shard.py -------------------------------------------------------------------------------- /fairseq/options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/options.py -------------------------------------------------------------------------------- /fairseq/pdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/pdb.py -------------------------------------------------------------------------------- /fairseq/quantization_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/quantization_utils.py -------------------------------------------------------------------------------- /fairseq/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/registry.py -------------------------------------------------------------------------------- /fairseq/scoring/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/scoring/__init__.py -------------------------------------------------------------------------------- /fairseq/scoring/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/scoring/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/scoring/__pycache__/bleu.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/scoring/__pycache__/bleu.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/scoring/__pycache__/chrf.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/scoring/__pycache__/chrf.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/scoring/__pycache__/tokenizer.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/scoring/__pycache__/tokenizer.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/scoring/__pycache__/wer.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/scoring/__pycache__/wer.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/scoring/bleu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/scoring/bleu.py -------------------------------------------------------------------------------- /fairseq/scoring/chrf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/scoring/chrf.py -------------------------------------------------------------------------------- /fairseq/scoring/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/scoring/tokenizer.py -------------------------------------------------------------------------------- /fairseq/scoring/wer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/scoring/wer.py -------------------------------------------------------------------------------- /fairseq/search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/search.py -------------------------------------------------------------------------------- /fairseq/sequence_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/sequence_generator.py -------------------------------------------------------------------------------- /fairseq/sequence_scorer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/sequence_scorer.py -------------------------------------------------------------------------------- /fairseq/tasks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/__init__.py -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/denoising.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/__pycache__/denoising.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/fairseq_task.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/__pycache__/fairseq_task.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/masked_lm.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/__pycache__/masked_lm.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/translation.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/__pycache__/translation.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq/tasks/audio_pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/audio_pretraining.py -------------------------------------------------------------------------------- /fairseq/tasks/cross_lingual_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/cross_lingual_lm.py -------------------------------------------------------------------------------- /fairseq/tasks/denoising.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/denoising.py -------------------------------------------------------------------------------- /fairseq/tasks/fairseq_task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/fairseq_task.py -------------------------------------------------------------------------------- /fairseq/tasks/hubert_pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/hubert_pretraining.py -------------------------------------------------------------------------------- /fairseq/tasks/language_modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/language_modeling.py -------------------------------------------------------------------------------- /fairseq/tasks/legacy_masked_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/legacy_masked_lm.py -------------------------------------------------------------------------------- /fairseq/tasks/masked_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/masked_lm.py -------------------------------------------------------------------------------- /fairseq/tasks/multilingual_denoising.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/multilingual_denoising.py -------------------------------------------------------------------------------- /fairseq/tasks/multilingual_masked_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/multilingual_masked_lm.py -------------------------------------------------------------------------------- /fairseq/tasks/multilingual_translation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/multilingual_translation.py -------------------------------------------------------------------------------- /fairseq/tasks/online_backtranslation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/online_backtranslation.py -------------------------------------------------------------------------------- /fairseq/tasks/semisupervised_translation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/semisupervised_translation.py -------------------------------------------------------------------------------- /fairseq/tasks/sentence_prediction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/sentence_prediction.py -------------------------------------------------------------------------------- /fairseq/tasks/sentence_ranking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/sentence_ranking.py -------------------------------------------------------------------------------- /fairseq/tasks/simultaneous_translation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/simultaneous_translation.py -------------------------------------------------------------------------------- /fairseq/tasks/speech_to_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/speech_to_text.py -------------------------------------------------------------------------------- /fairseq/tasks/translation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/translation.py -------------------------------------------------------------------------------- /fairseq/tasks/translation_from_pretrained_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/translation_from_pretrained_bart.py -------------------------------------------------------------------------------- /fairseq/tasks/translation_from_pretrained_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/translation_from_pretrained_xlm.py -------------------------------------------------------------------------------- /fairseq/tasks/translation_lev.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/translation_lev.py -------------------------------------------------------------------------------- /fairseq/tasks/translation_multi_simple_epoch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tasks/translation_multi_simple_epoch.py -------------------------------------------------------------------------------- /fairseq/token_generation_constraints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/token_generation_constraints.py -------------------------------------------------------------------------------- /fairseq/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/tokenizer.py -------------------------------------------------------------------------------- /fairseq/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/trainer.py -------------------------------------------------------------------------------- /fairseq/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq/utils.py -------------------------------------------------------------------------------- /fairseq/version.py: -------------------------------------------------------------------------------- 1 | __version__ = "1.0.0a0+abe64b5" 2 | -------------------------------------------------------------------------------- /fairseq/version.txt: -------------------------------------------------------------------------------- 1 | 1.0.0a0 2 | -------------------------------------------------------------------------------- /fairseq_cli/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fairseq_cli/__pycache__/__init__.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq_cli/__pycache__/__init__.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq_cli/__pycache__/generate.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq_cli/__pycache__/generate.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq_cli/__pycache__/train.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq_cli/__pycache__/train.cpython-36.pyc -------------------------------------------------------------------------------- /fairseq_cli/eval_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq_cli/eval_lm.py -------------------------------------------------------------------------------- /fairseq_cli/generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq_cli/generate.py -------------------------------------------------------------------------------- /fairseq_cli/hydra_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq_cli/hydra_train.py -------------------------------------------------------------------------------- /fairseq_cli/interactive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq_cli/interactive.py -------------------------------------------------------------------------------- /fairseq_cli/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq_cli/preprocess.py -------------------------------------------------------------------------------- /fairseq_cli/score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq_cli/score.py -------------------------------------------------------------------------------- /fairseq_cli/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq_cli/train.py -------------------------------------------------------------------------------- /fairseq_cli/validate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/fairseq_cli/validate.py -------------------------------------------------------------------------------- /hubconf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/hubconf.py -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/pyproject.toml -------------------------------------------------------------------------------- /scripts/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /scripts/average_checkpoints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/average_checkpoints.py -------------------------------------------------------------------------------- /scripts/build_sym_alignment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/build_sym_alignment.py -------------------------------------------------------------------------------- /scripts/compare_namespaces.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/compare_namespaces.py -------------------------------------------------------------------------------- /scripts/compound_split_bleu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/compound_split_bleu.sh -------------------------------------------------------------------------------- /scripts/constraints/extract.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/constraints/extract.py -------------------------------------------------------------------------------- /scripts/constraints/validate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/constraints/validate.py -------------------------------------------------------------------------------- /scripts/convert_dictionary.lua: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/convert_dictionary.lua -------------------------------------------------------------------------------- /scripts/convert_model.lua: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/convert_model.lua -------------------------------------------------------------------------------- /scripts/count_docs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/count_docs.py -------------------------------------------------------------------------------- /scripts/read_binarized.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/read_binarized.py -------------------------------------------------------------------------------- /scripts/rm_pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/rm_pt.py -------------------------------------------------------------------------------- /scripts/sacrebleu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/sacrebleu.sh -------------------------------------------------------------------------------- /scripts/shard_docs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/shard_docs.py -------------------------------------------------------------------------------- /scripts/split_train_valid_docs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/split_train_valid_docs.py -------------------------------------------------------------------------------- /scripts/spm_decode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/spm_decode.py -------------------------------------------------------------------------------- /scripts/spm_encode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/spm_encode.py -------------------------------------------------------------------------------- /scripts/spm_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/spm_train.py -------------------------------------------------------------------------------- /scripts/test_fsdp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/scripts/test_fsdp.sh -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/setup.py -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/distributed/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/distributed/test_bmuf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/distributed/test_bmuf.py -------------------------------------------------------------------------------- /tests/distributed/test_distributed_timeout_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/distributed/test_distributed_timeout_wrapper.py -------------------------------------------------------------------------------- /tests/distributed/test_module_proxy_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/distributed/test_module_proxy_wrapper.py -------------------------------------------------------------------------------- /tests/distributed/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/distributed/test_utils.py -------------------------------------------------------------------------------- /tests/distributed/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/distributed/utils.py -------------------------------------------------------------------------------- /tests/gpu/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/gpu/test_binaries_gpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/gpu/test_binaries_gpu.py -------------------------------------------------------------------------------- /tests/gpu/transformer_quantization_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/gpu/transformer_quantization_config.yaml -------------------------------------------------------------------------------- /tests/speech_recognition/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/speech_recognition/asr_test_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/speech_recognition/asr_test_base.py -------------------------------------------------------------------------------- /tests/speech_recognition/test_collaters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/speech_recognition/test_collaters.py -------------------------------------------------------------------------------- /tests/speech_recognition/test_cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/speech_recognition/test_cross_entropy.py -------------------------------------------------------------------------------- /tests/speech_recognition/test_data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/speech_recognition/test_data_utils.py -------------------------------------------------------------------------------- /tests/speech_recognition/test_vggtransformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/speech_recognition/test_vggtransformer.py -------------------------------------------------------------------------------- /tests/test_activation_checkpointing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_activation_checkpointing.py -------------------------------------------------------------------------------- /tests/test_amp_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_amp_optimizer.py -------------------------------------------------------------------------------- /tests/test_average_checkpoints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_average_checkpoints.py -------------------------------------------------------------------------------- /tests/test_backtranslation_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_backtranslation_dataset.py -------------------------------------------------------------------------------- /tests/test_binaries.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_binaries.py -------------------------------------------------------------------------------- /tests/test_character_token_embedder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_character_token_embedder.py -------------------------------------------------------------------------------- /tests/test_checkpoint_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_checkpoint_utils.py -------------------------------------------------------------------------------- /tests/test_concat_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_concat_dataset.py -------------------------------------------------------------------------------- /tests/test_constraints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_constraints.py -------------------------------------------------------------------------------- /tests/test_convtbc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_convtbc.py -------------------------------------------------------------------------------- /tests/test_data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_data_utils.py -------------------------------------------------------------------------------- /tests/test_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_dataset.py -------------------------------------------------------------------------------- /tests/test_dictionary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_dictionary.py -------------------------------------------------------------------------------- /tests/test_export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_export.py -------------------------------------------------------------------------------- /tests/test_file_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_file_io.py -------------------------------------------------------------------------------- /tests/test_fp16_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_fp16_optimizer.py -------------------------------------------------------------------------------- /tests/test_inference_dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_inference_dropout.py -------------------------------------------------------------------------------- /tests/test_iopath.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_iopath.py -------------------------------------------------------------------------------- /tests/test_iterators.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_iterators.py -------------------------------------------------------------------------------- /tests/test_label_smoothing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_label_smoothing.py -------------------------------------------------------------------------------- /tests/test_lm_context_window.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_lm_context_window.py -------------------------------------------------------------------------------- /tests/test_lstm_jitable.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_lstm_jitable.py -------------------------------------------------------------------------------- /tests/test_memory_efficient_fp16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_memory_efficient_fp16.py -------------------------------------------------------------------------------- /tests/test_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_metrics.py -------------------------------------------------------------------------------- /tests/test_multi_corpus_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_multi_corpus_dataset.py -------------------------------------------------------------------------------- /tests/test_multi_corpus_sampled_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_multi_corpus_sampled_dataset.py -------------------------------------------------------------------------------- /tests/test_multihead_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_multihead_attention.py -------------------------------------------------------------------------------- /tests/test_noising.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_noising.py -------------------------------------------------------------------------------- /tests/test_online_backtranslation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_online_backtranslation.py -------------------------------------------------------------------------------- /tests/test_plasma_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_plasma_utils.py -------------------------------------------------------------------------------- /tests/test_reproducibility.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_reproducibility.py -------------------------------------------------------------------------------- /tests/test_resampling_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_resampling_dataset.py -------------------------------------------------------------------------------- /tests/test_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_roberta.py -------------------------------------------------------------------------------- /tests/test_sequence_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_sequence_generator.py -------------------------------------------------------------------------------- /tests/test_sequence_scorer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_sequence_scorer.py -------------------------------------------------------------------------------- /tests/test_sparse_multihead_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_sparse_multihead_attention.py -------------------------------------------------------------------------------- /tests/test_token_block_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_token_block_dataset.py -------------------------------------------------------------------------------- /tests/test_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_train.py -------------------------------------------------------------------------------- /tests/test_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_transformer.py -------------------------------------------------------------------------------- /tests/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_utils.py -------------------------------------------------------------------------------- /tests/test_valid_subset_checks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/test_valid_subset_checks.py -------------------------------------------------------------------------------- /tests/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/tests/utils.py -------------------------------------------------------------------------------- /train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Hunter-DDM/stablemoe/HEAD/train.py --------------------------------------------------------------------------------