├── DUB ├── .DS_Store ├── scripts │ ├── .DS_Store │ ├── __pycache__ │ │ └── speech_tokenizer.cpython-37.pyc │ ├── apply_spm.py │ ├── deduplicate_lines.py │ ├── extract_bt_data.py │ ├── prepare_data.py │ ├── speech_tokenizer.py │ └── train_spm.py └── src │ ├── back_translate.sh │ ├── evaluate.sh │ ├── prepare_data.sh │ ├── prepare_de_monolingual.sh │ ├── run_bimodalBART.sh │ └── run_translate.sh ├── LICENSE.txt ├── README.md ├── docs ├── DUB_main.png ├── 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 ├── entry.sh ├── examples ├── .DS_Store ├── .gitignore ├── MMPT │ ├── .DS_Store │ ├── .gitignore │ ├── CONFIG.md │ ├── DATASET.md │ ├── README.md │ ├── endtask.md │ ├── locallaunch.py │ ├── mmpt │ │ ├── __init__.py │ │ ├── datasets │ │ │ ├── __init__.py │ │ │ ├── fairseqmmdataset.py │ │ │ └── mmdataset.py │ │ ├── evaluators │ │ │ ├── __init__.py │ │ │ ├── evaluator.py │ │ │ ├── metric.py │ │ │ └── predictor.py │ │ ├── losses │ │ │ ├── __init__.py │ │ │ ├── fairseqmmloss.py │ │ │ ├── loss.py │ │ │ └── nce.py │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── fairseqmmmodel.py │ │ │ ├── mmfusion.py │ │ │ ├── mmfusionnlg.py │ │ │ └── transformermodel.py │ │ ├── modules │ │ │ ├── __init__.py │ │ │ ├── mm.py │ │ │ ├── retri.py │ │ │ └── vectorpool.py │ │ ├── processors │ │ │ ├── __init__.py │ │ │ ├── dedupprocessor.py │ │ │ ├── dsprocessor.py │ │ │ ├── how2processor.py │ │ │ ├── how2retriprocessor.py │ │ │ ├── models │ │ │ │ └── s3dg.py │ │ │ └── processor.py │ │ ├── tasks │ │ │ ├── __init__.py │ │ │ ├── fairseqmmtask.py │ │ │ ├── milncetask.py │ │ │ ├── retritask.py │ │ │ ├── task.py │ │ │ └── vlmtask.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── load_config.py │ │ │ └── shardedtensor.py │ ├── mmpt_cli │ │ ├── localjob.py │ │ └── predict.py │ ├── pretraining.md │ ├── projects │ │ ├── mfmmlm.yaml │ │ ├── mtm │ │ │ ├── mmfusionmtm.yaml │ │ │ ├── vlm.yaml │ │ │ └── vlm │ │ │ │ ├── coin.yaml │ │ │ │ ├── crosstask.yaml │ │ │ │ ├── how2.yaml │ │ │ │ ├── test_coin.yaml │ │ │ │ ├── test_crosstask.yaml │ │ │ │ ├── test_crosstask_zs.yaml │ │ │ │ ├── test_vtt.yaml │ │ │ │ ├── test_vttqa.yaml │ │ │ │ ├── test_youcook.yaml │ │ │ │ ├── test_youcookcap.yaml │ │ │ │ ├── vtt.yaml │ │ │ │ ├── vttqa.yaml │ │ │ │ ├── youcook.yaml │ │ │ │ └── youcookcap.yaml │ │ ├── retri │ │ │ ├── videoclip.yaml │ │ │ ├── videoclip │ │ │ │ ├── coin_videoclip.yaml │ │ │ │ ├── crosstask_videoclip.yaml │ │ │ │ ├── how2.yaml │ │ │ │ ├── test_coin_videoclip.yaml │ │ │ │ ├── test_coin_zs.yaml │ │ │ │ ├── test_crosstask_videoclip.yaml │ │ │ │ ├── test_crosstask_zs_videoclip.yaml │ │ │ │ ├── test_didemo_zs.yaml │ │ │ │ ├── test_vtt_videoclip.yaml │ │ │ │ ├── test_vtt_zs.yaml │ │ │ │ ├── test_vttqa_videoclip.yaml │ │ │ │ ├── test_vttqa_zs.yaml │ │ │ │ ├── test_youcook_videoclip.yaml │ │ │ │ ├── test_youcook_zs.yaml │ │ │ │ ├── vtt_videoclip.yaml │ │ │ │ ├── vttqa_videoclip.yaml │ │ │ │ └── youcook_videoclip.yaml │ │ │ └── videoretri.yaml │ │ └── task │ │ │ ├── coin.yaml │ │ │ ├── coin_videoclip.yaml │ │ │ ├── crosstask.yaml │ │ │ ├── crosstask_videoclip.yaml │ │ │ ├── default.yaml │ │ │ ├── ft.yaml │ │ │ ├── how2.yaml │ │ │ ├── test.yaml │ │ │ ├── test_coin.yaml │ │ │ ├── test_coin_videoclip.yaml │ │ │ ├── test_coin_zs.yaml │ │ │ ├── test_crosstask.yaml │ │ │ ├── test_crosstask_videoclip.yaml │ │ │ ├── test_crosstask_zs.yaml │ │ │ ├── test_crosstask_zs_videoclip.yaml │ │ │ ├── test_didemo_zs.yaml │ │ │ ├── test_vtt.yaml │ │ │ ├── test_vtt_videoclip.yaml │ │ │ ├── test_vtt_zs.yaml │ │ │ ├── test_vttqa.yaml │ │ │ ├── test_vttqa_videoclip.yaml │ │ │ ├── test_vttqa_zs.yaml │ │ │ ├── test_youcook.yaml │ │ │ ├── test_youcook_videoclip.yaml │ │ │ ├── test_youcook_zs.yaml │ │ │ ├── test_youcookcap.yaml │ │ │ ├── vtt.yaml │ │ │ ├── vtt_videoclip.yaml │ │ │ ├── vttqa.yaml │ │ │ ├── vttqa_videoclip.yaml │ │ │ ├── youcook.yaml │ │ │ ├── youcook_videoclip.yaml │ │ │ └── youcookcap.yaml │ ├── scripts │ │ ├── text_token_extractor │ │ │ ├── configs │ │ │ │ └── bert-base-uncased.yaml │ │ │ └── pretokenization.py │ │ └── video_feature_extractor │ │ │ ├── extract.py │ │ │ ├── how2 │ │ │ └── s3d.sh │ │ │ ├── model.py │ │ │ ├── pathbuilder.py │ │ │ ├── preprocessing.py │ │ │ ├── random_sequence_shuffler.py │ │ │ ├── shard_feature.py │ │ │ └── videoreader.py │ ├── setup.py │ ├── videoclip.png │ └── vlm.png ├── __init__.py ├── __pycache__ │ └── __init__.cpython-37.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 ├── attention_head_selection │ ├── README.md │ └── src │ │ ├── __init__.py │ │ ├── data │ │ ├── __init__.py │ │ └── speech_to_text_dataset_with_domain.py │ │ ├── loss │ │ ├── __init__.py │ │ └── attention_head_selection.py │ │ ├── models │ │ ├── __init__.py │ │ ├── head_selection_s2t_transformer.py │ │ └── head_selection_transformer.py │ │ ├── modules │ │ ├── __init__.py │ │ ├── attn_head_selector.py │ │ ├── head_selection_transformer_layer.py │ │ ├── multihead_attention_selection.py │ │ └── multihead_functional.py │ │ └── speech_to_text_head_selection.py ├── backtranslation │ ├── .DS_Store │ ├── 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 │ ├── .DS_Store │ ├── 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 ├── data2vec │ ├── .DS_Store │ ├── README.md │ ├── config │ │ ├── audio │ │ │ └── pretraining │ │ │ │ └── base_librispeech.yaml │ │ └── text │ │ │ └── pretraining │ │ │ └── base.yaml │ └── models │ │ ├── data2vec_audio.py │ │ └── data2vec_text.py ├── discriminative_reranking_nmt │ ├── .DS_Store │ ├── README.md │ ├── __init__.py │ ├── config │ │ └── deen.yaml │ ├── criterions │ │ ├── __init__.py │ │ └── discriminative_reranking_criterion.py │ ├── drnmt_rerank.py │ ├── models │ │ ├── __init__.py │ │ └── discriminative_reranking_model.py │ ├── scripts │ │ └── prep_data.py │ └── tasks │ │ ├── __init__.py │ │ └── discriminative_reranking_task.py ├── 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 │ ├── .DS_Store │ ├── 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 │ │ ├── dump_w2v2_feature.py │ │ ├── feature_utils.py │ │ └── learn_kmeans.py │ ├── tests │ │ ├── 6313-76958-0021.flac │ │ ├── sample.base.L9.km500.km │ │ ├── sample.base.L9.len │ │ ├── sample.base.L9.npy │ │ ├── sample.large.L20.len │ │ ├── sample.large.L20.npy │ │ ├── sample.large.hypo.word │ │ ├── sample.xlarge.L30.len │ │ ├── sample.xlarge.L30.npy │ │ ├── sample.xlarge.hypo.word │ │ ├── test_feature_and_unit.sh │ │ └── test_finetuned_asr.sh │ └── 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 │ ├── .DS_Store │ ├── 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 ├── moe_lm │ ├── README.md │ ├── data_card.md │ └── model_card.md ├── 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 ├── normformer │ ├── README.md │ └── train_lm.sh ├── operators │ ├── alignment_train_cpu.cpp │ ├── alignment_train_cuda.cpp │ ├── alignment_train_cuda.h │ ├── alignment_train_kernel.cu │ └── utils.h ├── 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 │ ├── .DS_Store │ ├── README.custom_classification.md │ ├── README.glue.md │ ├── README.md │ ├── README.pretraining.md │ ├── README.race.md │ ├── commonsense_qa │ │ ├── README.md │ │ ├── __init__.py │ │ ├── commonsense_qa_task.py │ │ └── download_cqa_data.sh │ ├── config │ │ ├── finetuning │ │ │ ├── cola.yaml │ │ │ ├── mnli.yaml │ │ │ ├── mrpc.yaml │ │ │ ├── qnli.yaml │ │ │ ├── qqp.yaml │ │ │ ├── rte.yaml │ │ │ ├── sst_2.yaml │ │ │ └── sts_b.yaml │ │ └── pretraining │ │ │ └── base.yaml │ ├── 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 ├── shuffled_word_order │ ├── README.finetuning.md │ └── README.md ├── simultaneous_translation │ ├── .DS_Store │ ├── README.md │ ├── __init__.py │ ├── __pycache__ │ │ └── __init__.cpython-37.pyc │ ├── docs │ │ ├── ende-mma.md │ │ └── enja-waitk.md │ ├── eval │ │ └── agents │ │ │ └── simul_t2t_enja.py │ ├── models │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── convtransformer_simul_trans.cpython-37.pyc │ │ │ └── transformer_monotonic_attention.cpython-37.pyc │ │ ├── convtransformer_simul_trans.py │ │ └── transformer_monotonic_attention.py │ ├── modules │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── fixed_pre_decision.cpython-37.pyc │ │ │ ├── monotonic_multihead_attention.cpython-37.pyc │ │ │ └── monotonic_transformer_layer.cpython-37.pyc │ │ ├── fixed_pre_decision.py │ │ ├── monotonic_multihead_attention.py │ │ └── monotonic_transformer_layer.py │ ├── tests │ │ ├── test_alignment_train.py │ │ └── test_text_models.py │ └── utils │ │ ├── __init__.py │ │ ├── __pycache__ │ │ ├── __init__.cpython-37.pyc │ │ ├── functions.cpython-37.pyc │ │ ├── monotonic_attention.cpython-37.pyc │ │ └── p_choose_strategy.cpython-37.pyc │ │ ├── functions.py │ │ ├── monotonic_attention.py │ │ └── p_choose_strategy.py ├── speech_recognition │ ├── .DS_Store │ ├── 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_synthesis │ ├── .DS_Store │ ├── README.md │ ├── __init__.py │ ├── data_utils.py │ ├── docs │ │ ├── common_voice_example.md │ │ ├── ljspeech_example.md │ │ └── vctk_example.md │ ├── evaluation │ │ ├── __init__.py │ │ ├── eval_asr.py │ │ ├── eval_f0.py │ │ ├── eval_sp.py │ │ └── get_eval_manifest.py │ ├── generate_waveform.py │ ├── preprocessing │ │ ├── __init__.py │ │ ├── denoise_and_vad_audio.py │ │ ├── denoiser │ │ │ ├── __init__.py │ │ │ ├── demucs.py │ │ │ ├── pretrained.py │ │ │ ├── resample.py │ │ │ └── utils.py │ │ ├── get_common_voice_audio_manifest.py │ │ ├── get_feature_manifest.py │ │ ├── get_ljspeech_audio_manifest.py │ │ ├── get_speaker_embedding.py │ │ ├── get_vctk_audio_manifest.py │ │ ├── speaker_embedder │ │ │ └── __init__.py │ │ └── vad │ │ │ └── __init__.py │ └── utils.py ├── speech_text_joint_to_text │ ├── .DS_Store │ ├── README.md │ ├── __init__.py │ ├── configs │ │ └── mustc_noise.list │ ├── criterions │ │ ├── __init__.py │ │ ├── multi_modality_compound.py │ │ ├── multi_modality_cross_entropy.py │ │ └── text_guide_cross_entropy_acc.py │ ├── data │ │ └── pair_denoising_dataset.py │ ├── docs │ │ ├── ende-mustc.md │ │ ├── iwslt2021.md │ │ └── pre-training.md │ ├── models │ │ ├── __init__.py │ │ ├── joint_speech_text_pretrain_transformer.py │ │ ├── s2t_dualinputMultiDecodertransformer.py │ │ ├── s2t_dualinputtransformer.py │ │ ├── s2t_dualinputwavtransformer.py │ │ └── s2t_dualinputxmtransformer.py │ ├── scripts │ │ ├── convert_model.py │ │ └── g2p_encode.py │ └── tasks │ │ ├── __init__.py │ │ ├── pair_denoising.py │ │ ├── speech_text_denoise_pretrain.py │ │ └── speech_text_joint.py ├── speech_to_speech │ ├── .DS_Store │ ├── README.md │ ├── __init__.py │ ├── benchmarking │ │ ├── README.md │ │ ├── configs │ │ │ ├── 2StageS2ST.yaml │ │ │ ├── 3StageS2ST.yaml │ │ │ ├── DirectS2U.yaml │ │ │ └── S2T.yaml │ │ ├── core.py │ │ ├── data_utils.py │ │ └── get_metrics.py │ ├── docs │ │ ├── direct_s2st_discrete_units.md │ │ ├── enhanced_direct_s2st_discrete_units.md │ │ └── textless_s2st_real_data.md │ ├── generate_waveform_from_code.py │ └── preprocessing │ │ ├── __init__.py │ │ ├── data_utils.py │ │ ├── prep_s2spect_data.py │ │ ├── prep_s2ut_data.py │ │ ├── prep_sn_data.py │ │ └── prep_sn_output_data.py ├── speech_to_text │ ├── .DS_Store │ ├── 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 ├── textless_nlp │ ├── .DS_Store │ ├── gslm │ │ ├── README.md │ │ ├── metrics │ │ │ ├── README.md │ │ │ ├── abx_metrics │ │ │ │ ├── README.md │ │ │ │ └── dump_abx_feats.py │ │ │ └── asr_metrics │ │ │ │ ├── README.md │ │ │ │ ├── continuation_eval.py │ │ │ │ ├── misc │ │ │ │ ├── bleu_utils.py │ │ │ │ ├── cut_as.py │ │ │ │ └── dict.ltr.txt │ │ │ │ ├── ppx.py │ │ │ │ └── self_auto_bleu.py │ │ ├── speech2unit │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── clustering │ │ │ │ ├── __init__.py │ │ │ │ ├── cluster_kmeans.py │ │ │ │ ├── dump_feats.py │ │ │ │ ├── quantize_with_kmeans.py │ │ │ │ └── utils.py │ │ │ └── pretrained │ │ │ │ ├── cpc_feature_reader.py │ │ │ │ ├── hubert_feature_reader.py │ │ │ │ ├── logmel_feature_reader.py │ │ │ │ ├── utils.py │ │ │ │ └── w2v2_feature_reader.py │ │ ├── tools │ │ │ ├── README.md │ │ │ └── resynthesize_speech.py │ │ ├── ulm │ │ │ ├── README.md │ │ │ └── sample.py │ │ └── unit2speech │ │ │ ├── README.md │ │ │ ├── convert_to_16k.py │ │ │ ├── glow.py │ │ │ ├── multiproc.py │ │ │ ├── synthesize_audio_from_units.py │ │ │ ├── tacotron2 │ │ │ ├── __init__.py │ │ │ ├── audio_processing.py │ │ │ ├── cleaners.py │ │ │ ├── cmudict.py │ │ │ ├── layers.py │ │ │ ├── model.py │ │ │ ├── numbers.py │ │ │ ├── stft.py │ │ │ ├── symbols.py │ │ │ ├── text.py │ │ │ ├── utils.py │ │ │ └── waveglow_denoiser.py │ │ │ ├── tts_data.py │ │ │ └── utils.py │ ├── pgslm │ │ ├── README.md │ │ ├── data_utils.py │ │ ├── eval │ │ │ ├── __init__.py │ │ │ └── cont_metrics.py │ │ ├── generate_waveform.py │ │ ├── inference_dataset.py │ │ ├── naive_decoder.py │ │ ├── prepare_dataset.py │ │ ├── preprocess_f0.py │ │ ├── quantize_f0.py │ │ ├── sample │ │ │ ├── __init__.py │ │ │ └── sample.py │ │ ├── scripts │ │ │ ├── join_units_manifest.py │ │ │ ├── prepare_data.sh │ │ │ └── prepare_f0_quantization.sh │ │ └── truncated_laplace.py │ └── speech-resynth │ │ ├── README.md │ │ └── img │ │ └── fig.png ├── 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 ├── wav2vec │ ├── .DS_Store │ ├── README.md │ ├── __init__.py │ ├── config │ │ ├── finetuning │ │ │ ├── base_100h.yaml │ │ │ ├── base_10h.yaml │ │ │ ├── base_10m.yaml │ │ │ ├── base_1h.yaml │ │ │ ├── base_960h.yaml │ │ │ ├── vox_100h.yaml │ │ │ ├── vox_10h.yaml │ │ │ ├── vox_10m.yaml │ │ │ ├── vox_1h.yaml │ │ │ └── vox_960h.yaml │ │ └── pretraining │ │ │ ├── wav2vec2_base_librispeech.yaml │ │ │ ├── wav2vec2_conformer_base_librispeech.yaml │ │ │ ├── wav2vec2_conformer_large_librivox.yaml │ │ │ ├── wav2vec2_large_librivox.yaml │ │ │ ├── wav2vec2_large_librivox_tpu-pod.yaml │ │ │ └── wav2vec2_large_librivox_tpu.yaml │ ├── libri_labels.py │ ├── scripts │ │ └── binarize_manifest.sh │ ├── unsupervised │ │ ├── README.md │ │ ├── __init__.py │ │ ├── config │ │ │ ├── finetuning │ │ │ │ └── w2v_finetune.yaml │ │ │ ├── gan │ │ │ │ └── w2vu.yaml │ │ │ ├── generate │ │ │ │ └── viterbi.yaml │ │ │ ├── timit_matched │ │ │ │ ├── test.uid │ │ │ │ ├── train.uid │ │ │ │ ├── train_text.uid │ │ │ │ └── valid.uid │ │ │ └── timit_unmatched │ │ │ │ ├── test.uid │ │ │ │ ├── train.uid │ │ │ │ ├── train_text.uid │ │ │ │ └── valid.uid │ │ ├── data │ │ │ ├── __init__.py │ │ │ ├── extracted_features_dataset.py │ │ │ └── random_input_dataset.py │ │ ├── kaldi_self_train │ │ │ ├── README.md │ │ │ └── st │ │ │ │ ├── cmd.sh │ │ │ │ ├── decode_phone.sh │ │ │ │ ├── decode_word_step1.sh │ │ │ │ ├── decode_word_step2.sh │ │ │ │ ├── local │ │ │ │ ├── copy_aligned_text.py │ │ │ │ ├── decode.sh │ │ │ │ ├── prepare_data_from_w2v.py │ │ │ │ ├── prepare_lang.sh │ │ │ │ ├── prepare_lang_word.sh │ │ │ │ ├── prepare_lm.sh │ │ │ │ ├── score.sh │ │ │ │ ├── show_wer.sh │ │ │ │ ├── train_subset_lgbeam.sh │ │ │ │ ├── unsup_select.py │ │ │ │ ├── unsup_select_decode.sh │ │ │ │ └── unsup_select_decode_word.sh │ │ │ │ ├── path.sh │ │ │ │ ├── steps_gan │ │ │ │ ├── train_deltas.sh │ │ │ │ ├── train_lda_mllt.sh │ │ │ │ └── train_sat.sh │ │ │ │ └── train.sh │ │ ├── models │ │ │ ├── __init__.py │ │ │ └── wav2vec_u.py │ │ ├── scripts │ │ │ ├── apply_pca.py │ │ │ ├── copy_labels.py │ │ │ ├── filter_lexicon.py │ │ │ ├── filter_tsv.py │ │ │ ├── g2p_wrd_to_phn.py │ │ │ ├── ltr_to_wrd.py │ │ │ ├── mean_pool.py │ │ │ ├── merge_clusters.py │ │ │ ├── normalize_and_filter_text.py │ │ │ ├── normalize_text.py │ │ │ ├── pca.py │ │ │ ├── phonemize_with_sil.py │ │ │ ├── prepare_audio.sh │ │ │ ├── prepare_text.sh │ │ │ ├── prepare_timit.sh │ │ │ ├── remove_silence.py │ │ │ ├── vads.py │ │ │ ├── wav2vec_apply_cluster_faiss.py │ │ │ ├── wav2vec_cluster_faiss.py │ │ │ ├── wav2vec_extract_features.py │ │ │ ├── wer.py │ │ │ └── wrd_to_ltr.py │ │ ├── tasks │ │ │ ├── __init__.py │ │ │ └── unpaired_audio_text.py │ │ └── w2vu_generate.py │ ├── vq-wav2vec_featurize.py │ ├── wav2vec_featurize.py │ ├── wav2vec_manifest.py │ └── xlsr │ │ ├── README.md │ │ └── config │ │ └── finetune.yaml ├── wmt19 │ └── README.md ├── wmt20 │ └── README.md ├── wmt21 │ ├── README.md │ ├── eval.sh │ └── scripts │ │ ├── normalize-punctuation.perl │ │ └── replace-unicode-punctuation.perl ├── womens_bios │ ├── README.md │ └── query_occupations_from_wikidata.py ├── xformers │ └── README.md ├── xglm │ ├── README.md │ └── model_card.md ├── xlmr │ └── README.md └── xmod │ ├── README.md │ └── preprocess_nli.py ├── fairseq ├── .DS_Store ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-37.pyc │ ├── binarizer.cpython-37.pyc │ ├── checkpoint_utils.cpython-37.pyc │ ├── file_chunker_utils.cpython-37.pyc │ ├── file_io.cpython-37.pyc │ ├── file_utils.cpython-37.pyc │ ├── hub_utils.cpython-37.pyc │ ├── incremental_decoding_utils.cpython-37.pyc │ ├── iterative_refinement_generator.cpython-37.pyc │ ├── nan_detector.cpython-37.pyc │ ├── ngram_repeat_block.cpython-37.pyc │ ├── options.cpython-37.pyc │ ├── pdb.cpython-37.pyc │ ├── quantization_utils.cpython-37.pyc │ ├── registry.cpython-37.pyc │ ├── search.cpython-37.pyc │ ├── sequence_generator.cpython-37.pyc │ ├── speech_generator.cpython-37.pyc │ ├── token_generation_constraints.cpython-37.pyc │ ├── tokenizer.cpython-37.pyc │ ├── trainer.cpython-37.pyc │ ├── utils.cpython-37.pyc │ └── version.cpython-37.pyc ├── benchmark │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-37.pyc │ │ ├── dummy_dataset.cpython-37.pyc │ │ ├── dummy_lm.cpython-37.pyc │ │ ├── dummy_masked_lm.cpython-37.pyc │ │ ├── dummy_model.cpython-37.pyc │ │ └── dummy_mt.cpython-37.pyc │ ├── benchmark_multihead_attention.py │ ├── dummy_dataset.py │ ├── dummy_lm.py │ ├── dummy_masked_lm.py │ ├── dummy_model.py │ └── dummy_mt.py ├── binarizer.py ├── checkpoint_utils.py ├── clib │ ├── .DS_Store │ ├── 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 │ │ ├── wav2vec │ │ └── vq_wav2vec_gumbel.yaml │ │ └── wav2vec2 │ │ ├── wav2vec2_base.yaml │ │ └── wav2vec2_large.yaml ├── criterions │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-37.pyc │ │ ├── adaptive_loss.cpython-37.pyc │ │ ├── composite_loss.cpython-37.pyc │ │ ├── cross_entropy.cpython-37.pyc │ │ ├── ctc.cpython-37.pyc │ │ ├── fairseq_criterion.cpython-37.pyc │ │ ├── fastspeech2_loss.cpython-37.pyc │ │ ├── hubert_criterion.cpython-37.pyc │ │ ├── label_smoothed_cross_entropy.cpython-37.pyc │ │ ├── label_smoothed_cross_entropy_latency_augmented.cpython-37.pyc │ │ ├── label_smoothed_cross_entropy_with_alignment.cpython-37.pyc │ │ ├── label_smoothed_cross_entropy_with_ctc.cpython-37.pyc │ │ ├── label_smoothed_cross_entropy_with_ctc_loss.cpython-37.pyc │ │ ├── legacy_masked_lm.cpython-37.pyc │ │ ├── masked_lm.cpython-37.pyc │ │ ├── model_criterion.cpython-37.pyc │ │ ├── nat_loss.cpython-37.pyc │ │ ├── sentence_prediction.cpython-37.pyc │ │ ├── sentence_prediction_adapters.cpython-37.pyc │ │ ├── sentence_ranking.cpython-37.pyc │ │ ├── speech_to_speech_criterion.cpython-37.pyc │ │ ├── speech_ulm_criterion.cpython-37.pyc │ │ ├── tacotron2_loss.cpython-37.pyc │ │ ├── text_guide_cross_entropy_acc.cpython-37.pyc │ │ ├── text_guide_cross_entropy_acc_textloss.cpython-37.pyc │ │ └── wav2vec_criterion.cpython-37.pyc │ ├── adaptive_loss.py │ ├── composite_loss.py │ ├── cross_entropy.py │ ├── ctc.py │ ├── fairseq_criterion.py │ ├── fastspeech2_loss.py │ ├── hubert_criterion.py │ ├── label_smoothed_cross_entropy.py │ ├── label_smoothed_cross_entropy_latency_augmented.py │ ├── label_smoothed_cross_entropy_with_alignment.py │ ├── label_smoothed_cross_entropy_with_ctc.py │ ├── legacy_masked_lm.py │ ├── masked_lm.py │ ├── model_criterion.py │ ├── nat_loss.py │ ├── sentence_prediction.py │ ├── sentence_prediction_adapters.py │ ├── sentence_ranking.py │ ├── speech_to_speech_criterion.py │ ├── speech_ulm_criterion.py │ ├── tacotron2_loss.py │ ├── text_guide_cross_entropy_acc.py │ ├── text_guide_cross_entropy_acc_textloss.py │ └── wav2vec_criterion.py ├── data │ ├── .DS_Store │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-37.pyc │ │ ├── add_target_dataset.cpython-37.pyc │ │ ├── append_token_dataset.cpython-37.pyc │ │ ├── backtranslation_dataset.cpython-37.pyc │ │ ├── base_wrapper_dataset.cpython-37.pyc │ │ ├── bucket_pad_length_dataset.cpython-37.pyc │ │ ├── codedataset.cpython-37.pyc │ │ ├── colorize_dataset.cpython-37.pyc │ │ ├── concat_dataset.cpython-37.pyc │ │ ├── concat_sentences_dataset.cpython-37.pyc │ │ ├── data_utils.cpython-37.pyc │ │ ├── denoising_dataset.cpython-37.pyc │ │ ├── dictionary.cpython-37.pyc │ │ ├── fairseq_dataset.cpython-37.pyc │ │ ├── fasta_dataset.cpython-37.pyc │ │ ├── id_dataset.cpython-37.pyc │ │ ├── indexed_dataset.cpython-37.pyc │ │ ├── iterators.cpython-37.pyc │ │ ├── language_pair_dataset.cpython-37.pyc │ │ ├── list_dataset.cpython-37.pyc │ │ ├── lm_context_window_dataset.cpython-37.pyc │ │ ├── lru_cache_dataset.cpython-37.pyc │ │ ├── mask_tokens_dataset.cpython-37.pyc │ │ ├── monolingual_dataset.cpython-37.pyc │ │ ├── multi_corpus_sampled_dataset.cpython-37.pyc │ │ ├── nested_dictionary_dataset.cpython-37.pyc │ │ ├── noising.cpython-37.pyc │ │ ├── num_samples_dataset.cpython-37.pyc │ │ ├── numel_dataset.cpython-37.pyc │ │ ├── offset_tokens_dataset.cpython-37.pyc │ │ ├── pad_dataset.cpython-37.pyc │ │ ├── plasma_utils.cpython-37.pyc │ │ ├── prepend_dataset.cpython-37.pyc │ │ ├── prepend_token_dataset.cpython-37.pyc │ │ ├── raw_label_dataset.cpython-37.pyc │ │ ├── replace_dataset.cpython-37.pyc │ │ ├── resampling_dataset.cpython-37.pyc │ │ ├── roll_dataset.cpython-37.pyc │ │ ├── round_robin_zip_datasets.cpython-37.pyc │ │ ├── shorten_dataset.cpython-37.pyc │ │ ├── sort_dataset.cpython-37.pyc │ │ ├── strip_token_dataset.cpython-37.pyc │ │ ├── subsample_dataset.cpython-37.pyc │ │ ├── text_compressor.cpython-37.pyc │ │ ├── token_block_dataset.cpython-37.pyc │ │ ├── transform_eos_concat_langpair_dataset.cpython-37.pyc │ │ ├── transform_eos_dataset.cpython-37.pyc │ │ └── transform_eos_lang_pair_dataset.cpython-37.pyc │ ├── add_target_dataset.py │ ├── append_token_dataset.py │ ├── audio │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── audio_utils.cpython-37.pyc │ │ │ ├── data_cfg.cpython-37.pyc │ │ │ ├── frm_text_to_speech_dataset.cpython-37.pyc │ │ │ ├── hubert_dataset.cpython-37.pyc │ │ │ ├── raw_audio_dataset.cpython-37.pyc │ │ │ ├── speech_to_speech_dataset.cpython-37.pyc │ │ │ ├── speech_to_text_dataset.cpython-37.pyc │ │ │ └── text_to_speech_dataset.cpython-37.pyc │ │ ├── audio_utils.py │ │ ├── data_cfg.py │ │ ├── feature_transforms │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-37.pyc │ │ │ │ ├── delta_deltas.cpython-37.pyc │ │ │ │ ├── global_cmvn.cpython-37.pyc │ │ │ │ ├── specaugment.cpython-37.pyc │ │ │ │ └── utterance_cmvn.cpython-37.pyc │ │ │ ├── delta_deltas.py │ │ │ ├── global_cmvn.py │ │ │ ├── specaugment.py │ │ │ └── utterance_cmvn.py │ │ ├── frm_text_to_speech_dataset.py │ │ ├── hubert_dataset.py │ │ ├── multi_modality_dataset.py │ │ ├── raw_audio_dataset.py │ │ ├── speech_to_speech_dataset.py │ │ ├── speech_to_text_dataset.py │ │ ├── speech_to_text_joint_dataset.py │ │ └── text_to_speech_dataset.py │ ├── backtranslation_dataset.py │ ├── base_wrapper_dataset.py │ ├── bucket_pad_length_dataset.py │ ├── codedataset.py │ ├── colorize_dataset.py │ ├── concat_dataset.py │ ├── concat_sentences_dataset.py │ ├── data_utils.py │ ├── data_utils_fast.cpp │ ├── data_utils_fast.cpython-37m-x86_64-linux-gnu.so │ ├── data_utils_fast.pyx │ ├── denoising_dataset.py │ ├── dictionary.py │ ├── encoders │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── byte_bpe.cpython-37.pyc │ │ │ ├── byte_utils.cpython-37.pyc │ │ │ ├── bytes.cpython-37.pyc │ │ │ ├── characters.cpython-37.pyc │ │ │ ├── fastbpe.cpython-37.pyc │ │ │ ├── gpt2_bpe.cpython-37.pyc │ │ │ ├── gpt2_bpe_utils.cpython-37.pyc │ │ │ ├── hf_bert_bpe.cpython-37.pyc │ │ │ ├── hf_byte_bpe.cpython-37.pyc │ │ │ ├── moses_tokenizer.cpython-37.pyc │ │ │ ├── nltk_tokenizer.cpython-37.pyc │ │ │ ├── sentencepiece_bpe.cpython-37.pyc │ │ │ ├── space_tokenizer.cpython-37.pyc │ │ │ ├── subword_nmt_bpe.cpython-37.pyc │ │ │ └── utils.cpython-37.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 │ ├── huffman │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── huffman_coder.cpython-37.pyc │ │ │ └── huffman_mmap_indexed_dataset.cpython-37.pyc │ │ ├── huffman_coder.py │ │ └── huffman_mmap_indexed_dataset.py │ ├── id_dataset.py │ ├── indexed_dataset.py │ ├── iterators.py │ ├── language_pair_dataset.py │ ├── legacy │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── block_pair_dataset.cpython-37.pyc │ │ │ ├── masked_lm_dataset.cpython-37.pyc │ │ │ └── masked_lm_dictionary.cpython-37.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-37.pyc │ │ │ ├── multilingual_data_manager.cpython-37.pyc │ │ │ ├── multilingual_utils.cpython-37.pyc │ │ │ ├── sampled_multi_dataset.cpython-37.pyc │ │ │ ├── sampled_multi_epoch_dataset.cpython-37.pyc │ │ │ └── sampling_method.cpython-37.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 │ ├── text_compressor.py │ ├── token_block_dataset.py │ ├── token_block_utils_fast.cpp │ ├── token_block_utils_fast.cpython-37m-x86_64-linux-gnu.so │ ├── token_block_utils_fast.pyx │ ├── transform_eos_concat_langpair_dataset.py │ ├── transform_eos_dataset.py │ └── transform_eos_lang_pair_dataset.py ├── dataclass │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-37.pyc │ │ ├── configs.cpython-37.pyc │ │ ├── constants.cpython-37.pyc │ │ ├── initialize.cpython-37.pyc │ │ └── utils.cpython-37.pyc │ ├── configs.py │ ├── constants.py │ ├── initialize.py │ └── utils.py ├── distributed │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-37.pyc │ │ ├── distributed_timeout_wrapper.cpython-37.pyc │ │ ├── fully_sharded_data_parallel.cpython-37.pyc │ │ ├── legacy_distributed_data_parallel.cpython-37.pyc │ │ ├── module_proxy_wrapper.cpython-37.pyc │ │ ├── tpu_distributed_data_parallel.cpython-37.pyc │ │ └── utils.cpython-37.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_chunker_utils.py ├── file_io.py ├── file_utils.py ├── hub_utils.py ├── incremental_decoding_utils.py ├── iterative_refinement_generator.py ├── libbase.cpython-37m-x86_64-linux-gnu.so ├── libbleu.cpython-37m-x86_64-linux-gnu.so ├── libnat.cpython-37m-x86_64-linux-gnu.so ├── libnat_cuda.cpython-37m-x86_64-linux-gnu.so ├── logging │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-37.pyc │ │ ├── meters.cpython-37.pyc │ │ ├── metrics.cpython-37.pyc │ │ └── progress_bar.cpython-37.pyc │ ├── meters.py │ ├── metrics.py │ └── progress_bar.py ├── model_parallel │ ├── .DS_Store │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-37.pyc │ │ └── megatron_trainer.cpython-37.pyc │ ├── criterions │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ └── vocab_parallel_cross_entropy.cpython-37.pyc │ │ └── vocab_parallel_cross_entropy.py │ ├── megatron_trainer.py │ ├── models │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── transformer.cpython-37.pyc │ │ │ └── transformer_lm.cpython-37.pyc │ │ ├── pipeline_parallel_transformer │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-37.pyc │ │ │ │ ├── layers.cpython-37.pyc │ │ │ │ └── model.cpython-37.pyc │ │ │ ├── layers.py │ │ │ └── model.py │ │ ├── roberta │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-37.pyc │ │ │ │ └── model.cpython-37.pyc │ │ │ └── model.py │ │ ├── transformer.py │ │ └── transformer_lm.py │ └── modules │ │ ├── __init__.py │ │ ├── __pycache__ │ │ ├── __init__.cpython-37.pyc │ │ ├── multihead_attention.cpython-37.pyc │ │ └── transformer_layer.cpython-37.pyc │ │ ├── multihead_attention.py │ │ └── transformer_layer.py ├── models │ ├── .DS_Store │ ├── Seq2SeqHubert │ │ ├── .gitkeep │ │ ├── Seq2SeqHubert_base.py │ │ ├── Seq2SeqHubert_config.py │ │ ├── Seq2SeqHubert_legacy.py │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── Seq2SeqHubert_base.cpython-37.pyc │ │ │ ├── Seq2SeqHubert_config.cpython-37.pyc │ │ │ ├── Seq2SeqHubert_legacy.cpython-37.pyc │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── hubert_encoder.cpython-37.pyc │ │ │ ├── transformer_decoder.cpython-37.pyc │ │ │ └── transformer_encoder.cpython-37.pyc │ │ ├── hubert_encoder.py │ │ ├── transformer_decoder.py │ │ └── transformer_encoder.py │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-37.pyc │ │ ├── composite_encoder.cpython-37.pyc │ │ ├── distributed_fairseq_model.cpython-37.pyc │ │ ├── fairseq_decoder.cpython-37.pyc │ │ ├── fairseq_encoder.cpython-37.pyc │ │ ├── fairseq_incremental_decoder.cpython-37.pyc │ │ ├── fairseq_model.cpython-37.pyc │ │ ├── fconv.cpython-37.pyc │ │ ├── fconv_lm.cpython-37.pyc │ │ ├── fconv_self_att.cpython-37.pyc │ │ ├── lightconv.cpython-37.pyc │ │ ├── lightconv_lm.cpython-37.pyc │ │ ├── lstm.cpython-37.pyc │ │ ├── lstm_lm.cpython-37.pyc │ │ ├── masked_lm.cpython-37.pyc │ │ ├── model_utils.cpython-37.pyc │ │ ├── multilingual_transformer.cpython-37.pyc │ │ ├── transformer_align.cpython-37.pyc │ │ ├── transformer_from_pretrained_xlm.cpython-37.pyc │ │ ├── transformer_lm.cpython-37.pyc │ │ └── transformer_ulm.cpython-37.pyc │ ├── bart │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── hub_interface.cpython-37.pyc │ │ │ └── model.cpython-37.pyc │ │ ├── hub_interface.py │ │ └── model.py │ ├── composite_encoder.py │ ├── distributed_fairseq_model.py │ ├── ema │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ └── ema.cpython-37.pyc │ │ └── ema.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-37.pyc │ │ │ ├── hubert.cpython-37.pyc │ │ │ └── hubert_asr.cpython-37.pyc │ │ ├── hubert.py │ │ └── hubert_asr.py │ ├── huggingface │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ └── hf_gpt2.cpython-37.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-37.pyc │ │ │ ├── cmlm_transformer.cpython-37.pyc │ │ │ ├── fairseq_nat_model.cpython-37.pyc │ │ │ ├── insertion_transformer.cpython-37.pyc │ │ │ ├── iterative_nonautoregressive_transformer.cpython-37.pyc │ │ │ ├── levenshtein_transformer.cpython-37.pyc │ │ │ ├── levenshtein_utils.cpython-37.pyc │ │ │ ├── nat_crf_transformer.cpython-37.pyc │ │ │ └── nonautoregressive_transformer.cpython-37.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-37.pyc │ │ │ ├── enc_dec.cpython-37.pyc │ │ │ ├── hub_interface.cpython-37.pyc │ │ │ ├── model.cpython-37.pyc │ │ │ ├── model_camembert.cpython-37.pyc │ │ │ ├── model_gottbert.cpython-37.pyc │ │ │ └── model_xlmr.cpython-37.pyc │ │ ├── alignment_utils.py │ │ ├── enc_dec.py │ │ ├── hub_interface.py │ │ ├── model.py │ │ ├── model_camembert.py │ │ ├── model_gottbert.py │ │ └── model_xlmr.py │ ├── speech_to_speech │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── modules.cpython-37.pyc │ │ │ ├── s2s_conformer.cpython-37.pyc │ │ │ └── s2s_transformer.cpython-37.pyc │ │ ├── modules.py │ │ ├── s2s_conformer.py │ │ └── s2s_transformer.py │ ├── speech_to_text │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── berard.cpython-37.pyc │ │ │ ├── convtransformer.cpython-37.pyc │ │ │ ├── hub_interface.cpython-37.pyc │ │ │ ├── multi_modality_model.cpython-37.pyc │ │ │ ├── s2t_conformer.cpython-37.pyc │ │ │ ├── s2t_transformer.cpython-37.pyc │ │ │ ├── s2t_wav_transformer.cpython-37.pyc │ │ │ ├── utils.cpython-37.pyc │ │ │ └── xm_transformer.cpython-37.pyc │ │ ├── berard.py │ │ ├── convtransformer.py │ │ ├── hub_interface.py │ │ ├── modules │ │ │ ├── __pycache__ │ │ │ │ ├── augmented_memory_attention.cpython-37.pyc │ │ │ │ └── emformer.cpython-37.pyc │ │ │ ├── augmented_memory_attention.py │ │ │ └── emformer.py │ │ ├── multi_modality_model.py │ │ ├── s2t_conformer.py │ │ ├── s2t_transformer.py │ │ ├── s2t_wav_transformer.py │ │ ├── utils.py │ │ └── xm_transformer.py │ ├── text_to_speech │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── fastspeech2.cpython-37.pyc │ │ │ ├── hub_interface.cpython-37.pyc │ │ │ ├── tacotron2.cpython-37.pyc │ │ │ └── tts_transformer.cpython-37.pyc │ │ ├── codehifigan.py │ │ ├── fastspeech2.py │ │ ├── hifigan.py │ │ ├── hub_interface.py │ │ ├── tacotron2.py │ │ ├── tts_transformer.py │ │ └── vocoder.py │ ├── transformer │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── transformer_base.cpython-37.pyc │ │ │ ├── transformer_config.cpython-37.pyc │ │ │ ├── transformer_decoder.cpython-37.pyc │ │ │ ├── transformer_encoder.cpython-37.pyc │ │ │ └── transformer_legacy.cpython-37.pyc │ │ ├── transformer_base.py │ │ ├── transformer_config.py │ │ ├── transformer_decoder.py │ │ ├── transformer_encoder.py │ │ └── transformer_legacy.py │ ├── transformer_align.py │ ├── transformer_from_pretrained_xlm.py │ ├── transformer_lm.py │ ├── transformer_ulm.py │ ├── voctransformer │ │ ├── .gitkeep │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── transformer_base.cpython-37.pyc │ │ │ ├── transformer_config.cpython-37.pyc │ │ │ ├── transformer_decoder.cpython-37.pyc │ │ │ ├── transformer_encoder.cpython-37.pyc │ │ │ └── transformer_legacy.cpython-37.pyc │ │ ├── transformer_base.py │ │ ├── transformer_config.py │ │ ├── transformer_decoder.py │ │ ├── transformer_encoder.py │ │ └── transformer_legacy.py │ ├── wav2vec │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── utils.cpython-37.pyc │ │ │ ├── wav2vec.cpython-37.pyc │ │ │ ├── wav2vec2.cpython-37.pyc │ │ │ └── wav2vec2_asr.cpython-37.pyc │ │ ├── utils.py │ │ ├── wav2vec.py │ │ ├── wav2vec2.py │ │ └── wav2vec2_asr.py │ └── xmod │ │ ├── __init__.py │ │ ├── __pycache__ │ │ ├── __init__.cpython-37.pyc │ │ ├── hub_interface.cpython-37.pyc │ │ ├── model.cpython-37.pyc │ │ └── transformer_layer_xmod.cpython-37.pyc │ │ ├── hub_interface.py │ │ ├── model.py │ │ └── transformer_layer_xmod.py ├── modules │ ├── .DS_Store │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-37.pyc │ │ ├── adaptive_input.cpython-37.pyc │ │ ├── adaptive_softmax.cpython-37.pyc │ │ ├── base_layer.cpython-37.pyc │ │ ├── beamable_mm.cpython-37.pyc │ │ ├── character_token_embedder.cpython-37.pyc │ │ ├── checkpoint_activations.cpython-37.pyc │ │ ├── conformer_layer.cpython-37.pyc │ │ ├── conv_tbc.cpython-37.pyc │ │ ├── cross_entropy.cpython-37.pyc │ │ ├── downsampled_multihead_attention.cpython-37.pyc │ │ ├── dynamic_convolution.cpython-37.pyc │ │ ├── dynamic_crf_layer.cpython-37.pyc │ │ ├── ema_module.cpython-37.pyc │ │ ├── espnet_multihead_attention.cpython-37.pyc │ │ ├── fairseq_dropout.cpython-37.pyc │ │ ├── fp32_batch_norm.cpython-37.pyc │ │ ├── fp32_group_norm.cpython-37.pyc │ │ ├── fp32_instance_norm.cpython-37.pyc │ │ ├── gelu.cpython-37.pyc │ │ ├── grad_multiply.cpython-37.pyc │ │ ├── gumbel_vector_quantizer.cpython-37.pyc │ │ ├── kmeans_vector_quantizer.cpython-37.pyc │ │ ├── layer_drop.cpython-37.pyc │ │ ├── layer_norm.cpython-37.pyc │ │ ├── learned_positional_embedding.cpython-37.pyc │ │ ├── lightweight_convolution.cpython-37.pyc │ │ ├── linearized_convolution.cpython-37.pyc │ │ ├── location_attention.cpython-37.pyc │ │ ├── lstm_cell_with_zoneout.cpython-37.pyc │ │ ├── multihead_attention.cpython-37.pyc │ │ ├── positional_embedding.cpython-37.pyc │ │ ├── positional_encoding.cpython-37.pyc │ │ ├── quant_noise.cpython-37.pyc │ │ ├── rotary_positional_embedding.cpython-37.pyc │ │ ├── same_pad.cpython-37.pyc │ │ ├── scalar_bias.cpython-37.pyc │ │ ├── sinusoidal_positional_embedding.cpython-37.pyc │ │ ├── transformer_layer.cpython-37.pyc │ │ ├── transformer_sentence_encoder.cpython-37.pyc │ │ ├── transformer_sentence_encoder_layer.cpython-37.pyc │ │ ├── transpose_last.cpython-37.pyc │ │ ├── unfold.cpython-37.pyc │ │ └── vggblock.cpython-37.pyc │ ├── adaptive_input.py │ ├── adaptive_softmax.py │ ├── base_layer.py │ ├── beamable_mm.py │ ├── character_token_embedder.py │ ├── checkpoint_activations.py │ ├── conformer_layer.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 │ ├── ema_module.py │ ├── espnet_multihead_attention.py │ ├── fairseq_dropout.py │ ├── fp32_batch_norm.py │ ├── fp32_group_norm.py │ ├── fp32_instance_norm.py │ ├── gelu.py │ ├── grad_multiply.py │ ├── gumbel_vector_quantizer.py │ ├── kmeans_attention.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 │ ├── location_attention.py │ ├── lstm_cell_with_zoneout.py │ ├── multihead_attention.py │ ├── positional_embedding.py │ ├── positional_encoding.py │ ├── quant_noise.py │ ├── quantization │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ └── quantization_options.cpython-37.pyc │ │ ├── pq │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-37.pyc │ │ │ │ ├── em.cpython-37.pyc │ │ │ │ ├── pq.cpython-37.pyc │ │ │ │ └── utils.cpython-37.pyc │ │ │ ├── em.py │ │ │ ├── modules │ │ │ │ ├── __init__.py │ │ │ │ ├── __pycache__ │ │ │ │ │ ├── __init__.cpython-37.pyc │ │ │ │ │ ├── qconv.cpython-37.pyc │ │ │ │ │ ├── qemb.cpython-37.pyc │ │ │ │ │ └── qlinear.cpython-37.pyc │ │ │ │ ├── qconv.py │ │ │ │ ├── qemb.py │ │ │ │ └── qlinear.py │ │ │ ├── pq.py │ │ │ └── utils.py │ │ ├── quantization_options.py │ │ └── scalar │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-37.pyc │ │ │ ├── ops.cpython-37.pyc │ │ │ └── utils.cpython-37.pyc │ │ │ ├── modules │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-37.pyc │ │ │ │ ├── qact.cpython-37.pyc │ │ │ │ ├── qconv.cpython-37.pyc │ │ │ │ ├── qemb.cpython-37.pyc │ │ │ │ └── qlinear.cpython-37.pyc │ │ │ ├── qact.py │ │ │ ├── qconv.py │ │ │ ├── qemb.py │ │ │ └── qlinear.py │ │ │ ├── ops.py │ │ │ └── utils.py │ ├── rotary_positional_embedding.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 ├── ngram_repeat_block_cuda.cpython-37m-x86_64-linux-gnu.so ├── optim │ ├── .DS_Store │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-37.pyc │ │ ├── adadelta.cpython-37.pyc │ │ ├── adafactor.cpython-37.pyc │ │ ├── adagrad.cpython-37.pyc │ │ ├── adam.cpython-37.pyc │ │ ├── adamax.cpython-37.pyc │ │ ├── amp_optimizer.cpython-37.pyc │ │ ├── bmuf.cpython-37.pyc │ │ ├── composite.cpython-37.pyc │ │ ├── cpu_adam.cpython-37.pyc │ │ ├── dynamic_loss_scaler.cpython-37.pyc │ │ ├── fairseq_optimizer.cpython-37.pyc │ │ ├── fp16_optimizer.cpython-37.pyc │ │ ├── fused_adam.cpython-37.pyc │ │ ├── fused_lamb.cpython-37.pyc │ │ ├── nag.cpython-37.pyc │ │ ├── sgd.cpython-37.pyc │ │ └── shard.cpython-37.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-37.pyc │ │ │ ├── cosine_lr_scheduler.cpython-37.pyc │ │ │ ├── fairseq_lr_scheduler.cpython-37.pyc │ │ │ ├── fixed_schedule.cpython-37.pyc │ │ │ ├── inverse_square_root_schedule.cpython-37.pyc │ │ │ ├── manual_lr_scheduler.cpython-37.pyc │ │ │ ├── pass_through.cpython-37.pyc │ │ │ ├── polynomial_decay_schedule.cpython-37.pyc │ │ │ ├── reduce_lr_on_plateau.cpython-37.pyc │ │ │ ├── step_lr_scheduler.cpython-37.pyc │ │ │ ├── tri_stage_lr_scheduler.cpython-37.pyc │ │ │ └── triangular_lr_scheduler.cpython-37.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 │ │ ├── step_lr_scheduler.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-37.pyc │ │ ├── bertscore.cpython-37.pyc │ │ ├── bleu.cpython-37.pyc │ │ ├── chrf.cpython-37.pyc │ │ ├── meteor.cpython-37.pyc │ │ ├── tokenizer.cpython-37.pyc │ │ └── wer.cpython-37.pyc │ ├── bertscore.py │ ├── bleu.py │ ├── chrf.py │ ├── meteor.py │ ├── tokenizer.py │ └── wer.py ├── search.py ├── sequence_generator.py ├── sequence_scorer.py ├── speech_generator.py ├── tasks │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-37.pyc │ │ ├── audio_finetuning.cpython-37.pyc │ │ ├── audio_pretraining.cpython-37.pyc │ │ ├── cross_lingual_lm.cpython-37.pyc │ │ ├── denoising.cpython-37.pyc │ │ ├── fairseq_task.cpython-37.pyc │ │ ├── frm_text_to_speech.cpython-37.pyc │ │ ├── hubert_pretraining.cpython-37.pyc │ │ ├── language_modeling.cpython-37.pyc │ │ ├── legacy_masked_lm.cpython-37.pyc │ │ ├── masked_lm.cpython-37.pyc │ │ ├── multilingual_denoising.cpython-37.pyc │ │ ├── multilingual_language_modeling.cpython-37.pyc │ │ ├── multilingual_masked_lm.cpython-37.pyc │ │ ├── multilingual_translation.cpython-37.pyc │ │ ├── online_backtranslation.cpython-37.pyc │ │ ├── semisupervised_translation.cpython-37.pyc │ │ ├── sentence_prediction.cpython-37.pyc │ │ ├── sentence_prediction_adapters.cpython-37.pyc │ │ ├── sentence_ranking.cpython-37.pyc │ │ ├── simultaneous_translation.cpython-37.pyc │ │ ├── speech_to_speech.cpython-37.pyc │ │ ├── speech_to_text.cpython-37.pyc │ │ ├── speech_ulm_task.cpython-37.pyc │ │ ├── text_to_speech.cpython-37.pyc │ │ ├── translation.cpython-37.pyc │ │ ├── translation_from_pretrained_bart.cpython-37.pyc │ │ ├── translation_from_pretrained_xlm.cpython-37.pyc │ │ ├── translation_lev.cpython-37.pyc │ │ └── translation_multi_simple_epoch.cpython-37.pyc │ ├── audio_finetuning.py │ ├── audio_pretraining.py │ ├── cross_lingual_lm.py │ ├── denoising.py │ ├── fairseq_task.py │ ├── frm_text_to_speech.py │ ├── hubert_pretraining.py │ ├── language_modeling.py │ ├── legacy_masked_lm.py │ ├── masked_lm.py │ ├── multilingual_denoising.py │ ├── multilingual_language_modeling.py │ ├── multilingual_masked_lm.py │ ├── multilingual_translation.py │ ├── online_backtranslation.py │ ├── semisupervised_translation.py │ ├── sentence_prediction.py │ ├── sentence_prediction_adapters.py │ ├── sentence_ranking.py │ ├── simultaneous_translation.py │ ├── speech_to_speech.py │ ├── speech_to_text.py │ ├── speech_ulm_task.py │ ├── text_to_speech.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-37.pyc │ ├── preprocess.cpython-37.pyc │ └── train.cpython-37.pyc ├── eval_lm.py ├── generate.py ├── hydra_train.py ├── interactive.py ├── preprocess.py ├── score.py ├── train.py └── validate.py ├── hubconf.py ├── pyproject.toml ├── requirement.txt ├── setup.cfg ├── setup.py ├── tests ├── .DS_Store ├── __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 │ ├── test_ema_gpu.py │ └── transformer_quantization_config.yaml ├── speech │ ├── __init__.py │ ├── test_convtransformer_simul_trans.py │ ├── test_dual_input_wav_transformer.py │ ├── test_dualinput_s2t_transformer.py │ ├── test_fastspeech2.py │ ├── test_s2s_transformer.py │ ├── test_s2t_conformer.py │ ├── test_s2t_transformer.py │ ├── test_tts_transformer.py │ ├── test_wav2vec2.py │ └── test_xm_transformer.py ├── speech_recognition │ ├── __init__.py │ ├── asr_test_base.py │ ├── test_collaters.py │ ├── test_cross_entropy.py │ ├── test_data_utils.py │ └── test_vggtransformer.py ├── tasks │ └── test_masked_lm.py ├── test_activation_checkpointing.py ├── test_amp_optimizer.py ├── test_average_checkpoints.py ├── test_backtranslation_dataset.py ├── test_binaries.py ├── test_binarizer.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_dataclass_utils.py ├── test_dataset.py ├── test_dictionary.py ├── test_ema.py ├── test_espnet_multihead_attention.py ├── test_export.py ├── test_file_chunker_utils.py ├── test_file_io.py ├── test_fp16_optimizer.py ├── test_hf_hub.py ├── test_huffman.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_positional_encoding.py ├── test_reproducibility.py ├── test_resampling_dataset.py ├── test_roberta.py ├── test_rotary_positional_embedding.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 /DUB/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/DUB/.DS_Store -------------------------------------------------------------------------------- /DUB/scripts/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/DUB/scripts/.DS_Store -------------------------------------------------------------------------------- /DUB/scripts/__pycache__/speech_tokenizer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/DUB/scripts/__pycache__/speech_tokenizer.cpython-37.pyc -------------------------------------------------------------------------------- /docs/DUB_main.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/docs/DUB_main.png -------------------------------------------------------------------------------- /docs/_static/theme_overrides.css: -------------------------------------------------------------------------------- 1 | .wy-table-responsive table td kbd { 2 | white-space: nowrap; 3 | } 4 | .wy-table-responsive table td { 5 | white-space: normal !important; 6 | } 7 | .wy-table-responsive { 8 | overflow: visible !important; 9 | } 10 | -------------------------------------------------------------------------------- /docs/docutils.conf: -------------------------------------------------------------------------------- 1 | [writers] 2 | option-limit=0 3 | -------------------------------------------------------------------------------- /docs/fairseq.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/docs/fairseq.gif -------------------------------------------------------------------------------- /docs/fairseq_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/docs/fairseq_logo.png -------------------------------------------------------------------------------- /docs/modules.rst: -------------------------------------------------------------------------------- 1 | Modules 2 | ======= 3 | 4 | Fairseq provides several stand-alone :class:`torch.nn.Module` classes that may 5 | be helpful when implementing a new :class:`~fairseq.models.BaseFairseqModel`. 6 | 7 | .. automodule:: fairseq.modules 8 | :members: 9 | :undoc-members: 10 | -------------------------------------------------------------------------------- /docs/requirements.txt: -------------------------------------------------------------------------------- 1 | sphinx<2.0 2 | sphinx-argparse 3 | -------------------------------------------------------------------------------- /examples/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/.DS_Store -------------------------------------------------------------------------------- /examples/.gitignore: -------------------------------------------------------------------------------- 1 | !*/*.sh 2 | !*/*.md 3 | -------------------------------------------------------------------------------- /examples/MMPT/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/MMPT/.DS_Store -------------------------------------------------------------------------------- /examples/MMPT/mmpt/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | try: 6 | # fairseq user dir 7 | from .datasets import FairseqMMDataset 8 | from .losses import FairseqCriterion 9 | from .models import FairseqMMModel 10 | from .tasks import FairseqMMTask 11 | except ImportError: 12 | pass 13 | -------------------------------------------------------------------------------- /examples/MMPT/mmpt/datasets/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | from .mmdataset import * 6 | 7 | try: 8 | from .fairseqmmdataset import * 9 | except ImportError: 10 | pass 11 | -------------------------------------------------------------------------------- /examples/MMPT/mmpt/evaluators/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | from .metric import * 6 | from .evaluator import * 7 | 8 | 9 | # experimental. 10 | try: 11 | from .expmetric import * 12 | except ImportError: 13 | pass 14 | -------------------------------------------------------------------------------- /examples/MMPT/mmpt/losses/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | from .loss import * 6 | from .nce import * 7 | 8 | try: 9 | from .fairseqmmloss import * 10 | except ImportError: 11 | pass 12 | 13 | try: 14 | from .expnce import * 15 | except ImportError: 16 | pass 17 | -------------------------------------------------------------------------------- /examples/MMPT/mmpt/models/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | from .mmfusion import * 6 | from .transformermodel import * 7 | from .mmfusionnlg import * 8 | 9 | try: 10 | from .fairseqmmmodel import * 11 | except ImportError: 12 | pass 13 | 14 | try: 15 | from .expmmfusion import * 16 | except ImportError: 17 | pass 18 | -------------------------------------------------------------------------------- /examples/MMPT/mmpt/modules/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | from .mm import * 6 | 7 | try: 8 | from .expmm import * 9 | except ImportError: 10 | pass 11 | -------------------------------------------------------------------------------- /examples/MMPT/projects/mtm/vlm.yaml: -------------------------------------------------------------------------------- 1 | includes: projects/mtm/mmfusionmtm.yaml 2 | project_dir: mtm/vlm 3 | task_group: 4 | pretrain: 5 | dataset: 6 | sampled_min_len: 8 7 | loss: 8 | loss_cls: MTM 9 | -------------------------------------------------------------------------------- /examples/MMPT/projects/retri/videoclip.yaml: -------------------------------------------------------------------------------- 1 | includes: projects/retri/videoretri.yaml 2 | project_dir: retri/videoclip 3 | task_group: 4 | pretrain: 5 | model: 6 | model_cls: MMFusionSeparate 7 | mm_encoder_cls: 8 | video_encoder_cls: MMBertForEncoder 9 | text_encoder_cls: BertModel 10 | num_hidden_video_layers: 6 11 | -------------------------------------------------------------------------------- /examples/MMPT/projects/task/coin_videoclip.yaml: -------------------------------------------------------------------------------- 1 | includes: projects/task/coin.yaml 2 | model: 3 | model_cls: MMFusionSeparateActionSegmentation 4 | mm_encoder_cls: 5 | video_encoder_cls: MMBertForTokenClassification 6 | text_encoder_cls: BertModel # dummy, not used. 7 | num_hidden_video_layers: 6 8 | -------------------------------------------------------------------------------- /examples/MMPT/projects/task/crosstask_videoclip.yaml: -------------------------------------------------------------------------------- 1 | includes: projects/task/crosstask.yaml 2 | model: 3 | model_cls: MMFusionSeparateActionLocalization 4 | mm_encoder_cls: 5 | video_encoder_cls: MMBertForEncoder 6 | text_encoder_cls: BertModel # dummy, not used. 7 | num_hidden_video_layers: 6 8 | fairseq: 9 | checkpoint: 10 | restore_file: runs/task/checkpoint_best.pt # overwrite the default of VLM. 11 | -------------------------------------------------------------------------------- /examples/MMPT/projects/task/test.yaml: -------------------------------------------------------------------------------- 1 | # this yaml cannot be run alone: implement a test_${dataset}.yaml 2 | slurm_config: big 3 | task_type: local_predict 4 | dataset: 5 | split: test 6 | video_processor: VideoProcessor 7 | aligner: DSAligner 8 | bert_name: bert-base-uncased 9 | fairseq: 10 | dataset: 11 | batch_size: 256 12 | valid_subset: test 13 | num_workers: 2 14 | -------------------------------------------------------------------------------- /examples/MMPT/projects/task/test_coin_videoclip.yaml: -------------------------------------------------------------------------------- 1 | includes: projects/task/test_coin.yaml 2 | model: 3 | model_cls: MMFusionSeparateActionSegmentation 4 | mm_encoder_cls: 5 | video_encoder_cls: MMBertForTokenClassification 6 | text_encoder_cls: BertModel # dummy, not used. 7 | num_hidden_video_layers: 6 8 | -------------------------------------------------------------------------------- /examples/MMPT/projects/task/test_coin_zs.yaml: -------------------------------------------------------------------------------- 1 | includes: projects/task/test_coin.yaml 2 | model: 3 | model_cls: MMFusionSeparate 4 | mm_encoder_cls: 5 | video_encoder_cls: MMBertForEncoder 6 | text_encoder_cls: BertModel 7 | num_hidden_video_layers: 6 8 | eval: 9 | save_path: runs/task/coin_zs/eval 10 | fairseq: 11 | common_eval: 12 | path: runs/task/checkpoint_best.pt 13 | predictor: COINZSPredictor 14 | -------------------------------------------------------------------------------- /examples/MMPT/projects/task/test_crosstask_videoclip.yaml: -------------------------------------------------------------------------------- 1 | includes: projects/task/test_crosstask.yaml 2 | model: 3 | model_cls: MMFusionSeparateActionLocalization 4 | mm_encoder_cls: 5 | video_encoder_cls: MMBertForEncoder 6 | text_encoder_cls: BertModel # dummy, not used. 7 | num_hidden_video_layers: 6 8 | -------------------------------------------------------------------------------- /examples/MMPT/projects/task/test_crosstask_zs_videoclip.yaml: -------------------------------------------------------------------------------- 1 | includes: projects/task/test_crosstask_zs.yaml 2 | model: 3 | model_cls: MMFusionSeparateActionLocalization 4 | mm_encoder_cls: 5 | video_encoder_cls: MMBertForEncoder 6 | text_encoder_cls: BertModel # dummy, not used. 7 | num_hidden_video_layers: 6 8 | -------------------------------------------------------------------------------- /examples/MMPT/projects/task/test_vtt_videoclip.yaml: -------------------------------------------------------------------------------- 1 | includes: projects/task/test_vtt.yaml 2 | model: 3 | model_cls: MMFusionSeparate 4 | mm_encoder_cls: 5 | video_encoder_cls: MMBertForEncoder 6 | text_encoder_cls: BertModel 7 | num_hidden_video_layers: 6 8 | 9 | -------------------------------------------------------------------------------- /examples/MMPT/projects/task/test_vtt_zs.yaml: -------------------------------------------------------------------------------- 1 | includes: projects/task/test_vtt.yaml 2 | model: 3 | model_cls: MMFusionSeparate 4 | mm_encoder_cls: 5 | video_encoder_cls: MMBertForEncoder 6 | text_encoder_cls: BertModel 7 | num_hidden_video_layers: 6 8 | eval: 9 | save_path: runs/task/vtt_zs/eval 10 | fairseq: 11 | # read code and find what is the checkpoint arg. 12 | common_eval: 13 | path: runs/task/checkpoint_best.pt 14 | -------------------------------------------------------------------------------- /examples/MMPT/projects/task/test_vttqa_videoclip.yaml: -------------------------------------------------------------------------------- 1 | includes: projects/task/test_vttqa.yaml 2 | model: 3 | model_cls: MMFusionSeparate 4 | mm_encoder_cls: 5 | video_encoder_cls: MMBertForEncoder 6 | text_encoder_cls: BertModel 7 | num_hidden_video_layers: 6 8 | 9 | -------------------------------------------------------------------------------- /examples/MMPT/projects/task/test_vttqa_zs.yaml: -------------------------------------------------------------------------------- 1 | includes: projects/task/test_vttqa.yaml 2 | model: 3 | model_cls: MMFusionSeparate 4 | mm_encoder_cls: 5 | video_encoder_cls: MMBertForEncoder 6 | text_encoder_cls: BertModel 7 | num_hidden_video_layers: 6 8 | eval: 9 | save_path: runs/task/vttqa_zs/eval 10 | fairseq: 11 | # read code and find what is the checkpoint arg. 12 | common_eval: 13 | path: runs/task/checkpoint_best.pt 14 | -------------------------------------------------------------------------------- /examples/MMPT/projects/task/test_youcook_videoclip.yaml: -------------------------------------------------------------------------------- 1 | includes: projects/task/test_youcook.yaml 2 | model: 3 | model_cls: MMFusionSeparate 4 | mm_encoder_cls: 5 | video_encoder_cls: MMBertForEncoder 6 | text_encoder_cls: BertModel 7 | num_hidden_video_layers: 6 8 | 9 | -------------------------------------------------------------------------------- /examples/MMPT/projects/task/test_youcook_zs.yaml: -------------------------------------------------------------------------------- 1 | includes: projects/task/test_youcook.yaml 2 | model: 3 | model_cls: MMFusionSeparate 4 | mm_encoder_cls: 5 | video_encoder_cls: MMBertForEncoder 6 | text_encoder_cls: BertModel 7 | num_hidden_video_layers: 6 8 | eval: 9 | save_path: runs/task/youcook_zs/eval 10 | fairseq: 11 | # read code and find what is the checkpoint arg. 12 | common_eval: 13 | path: runs/task/checkpoint_best.pt 14 | -------------------------------------------------------------------------------- /examples/MMPT/projects/task/vtt_videoclip.yaml: -------------------------------------------------------------------------------- 1 | includes: projects/task/vtt.yaml 2 | model: 3 | model_cls: MMFusionSeparate 4 | mm_encoder_cls: 5 | video_encoder_cls: MMBertForEncoder 6 | text_encoder_cls: BertModel 7 | num_hidden_video_layers: 6 8 | fairseq: 9 | dataset: 10 | batch_size: 224 11 | # model_cls: MMFusionShare 12 | # mm_encoder_cls: MMBertForEncoder 13 | -------------------------------------------------------------------------------- /examples/MMPT/projects/task/vttqa_videoclip.yaml: -------------------------------------------------------------------------------- 1 | includes: projects/task/vttqa.yaml 2 | model: 3 | model_cls: MMFusionSeparate 4 | mm_encoder_cls: 5 | video_encoder_cls: MMBertForEncoder 6 | text_encoder_cls: BertModel 7 | num_hidden_video_layers: 6 8 | 9 | # model_cls: MMFusionShare 10 | # mm_encoder_cls: MMBertForEncoder 11 | -------------------------------------------------------------------------------- /examples/MMPT/projects/task/youcook_videoclip.yaml: -------------------------------------------------------------------------------- 1 | includes: projects/task/youcook.yaml 2 | model: 3 | model_cls: MMFusionSeparate 4 | mm_encoder_cls: 5 | video_encoder_cls: MMBertForEncoder 6 | text_encoder_cls: BertModel 7 | num_hidden_video_layers: 6 8 | # model_cls: MMFusionShare 9 | # mm_encoder_cls: MMBertForEncoder 10 | -------------------------------------------------------------------------------- /examples/MMPT/scripts/text_token_extractor/configs/bert-base-uncased.yaml: -------------------------------------------------------------------------------- 1 | dataset: 2 | bert_name: bert-base-uncased 3 | caption_pkl_path: data/how2/raw_caption_dedup.pkl 4 | use_fast: true 5 | target_dir: data/feat/feat_how2_s3d_shard_small 6 | -------------------------------------------------------------------------------- /examples/MMPT/scripts/video_feature_extractor/how2/s3d.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | 3 | 4 | python scripts/video_feature_extractor/extract.py \ 5 | --vdir \ 6 | --fdir data/feat/feat_how2_s3d \ 7 | --type=s3d --num_decoding_thread=4 \ 8 | --batch_size 32 --half_precision 1 9 | -------------------------------------------------------------------------------- /examples/MMPT/videoclip.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/MMPT/videoclip.png -------------------------------------------------------------------------------- /examples/MMPT/vlm.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/MMPT/vlm.png -------------------------------------------------------------------------------- /examples/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | try: 7 | from fairseq.version import __version__ # noqa 8 | except ImportError: 9 | pass 10 | -------------------------------------------------------------------------------- /examples/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /examples/attention_head_selection/src/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/attention_head_selection/src/__init__.py -------------------------------------------------------------------------------- /examples/attention_head_selection/src/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/attention_head_selection/src/data/__init__.py -------------------------------------------------------------------------------- /examples/attention_head_selection/src/loss/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/attention_head_selection/src/loss/__init__.py -------------------------------------------------------------------------------- /examples/attention_head_selection/src/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/attention_head_selection/src/models/__init__.py -------------------------------------------------------------------------------- /examples/attention_head_selection/src/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/attention_head_selection/src/modules/__init__.py -------------------------------------------------------------------------------- /examples/backtranslation/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/backtranslation/.DS_Store -------------------------------------------------------------------------------- /examples/criss/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/criss/.DS_Store -------------------------------------------------------------------------------- /examples/data2vec/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/data2vec/.DS_Store -------------------------------------------------------------------------------- /examples/discriminative_reranking_nmt/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/discriminative_reranking_nmt/.DS_Store -------------------------------------------------------------------------------- /examples/discriminative_reranking_nmt/__init__.py: -------------------------------------------------------------------------------- 1 | from . import criterions, models, tasks # noqa 2 | -------------------------------------------------------------------------------- /examples/discriminative_reranking_nmt/criterions/__init__.py: -------------------------------------------------------------------------------- 1 | from .discriminative_reranking_criterion import KLDivergenceRerankingCriterion 2 | 3 | 4 | __all__ = [ 5 | "KLDivergenceRerankingCriterion", 6 | ] 7 | -------------------------------------------------------------------------------- /examples/discriminative_reranking_nmt/models/__init__.py: -------------------------------------------------------------------------------- 1 | from .discriminative_reranking_model import DiscriminativeNMTReranker 2 | 3 | 4 | __all__ = [ 5 | "DiscriminativeNMTReranker", 6 | ] 7 | -------------------------------------------------------------------------------- /examples/discriminative_reranking_nmt/tasks/__init__.py: -------------------------------------------------------------------------------- 1 | from .discriminative_reranking_task import DiscriminativeRerankingNMTTask 2 | 3 | 4 | __all__ = [ 5 | "DiscriminativeRerankingNMTTask", 6 | ] 7 | -------------------------------------------------------------------------------- /examples/fast_noisy_channel/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from . import noisy_channel_translation # noqa 7 | from . import noisy_channel_sequence_generator # noqa 8 | from . import noisy_channel_beam_search # noqa 9 | -------------------------------------------------------------------------------- /examples/flores101/flores_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/flores101/flores_logo.png -------------------------------------------------------------------------------- /examples/hubert/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/hubert/.DS_Store -------------------------------------------------------------------------------- /examples/hubert/config/finetune/ckpt/it1.yaml: -------------------------------------------------------------------------------- 1 | # @package _global_ 2 | 3 | task: 4 | normalize: false 5 | 6 | model: 7 | w2v_path: /checkpoint/wnhsu/w2v/hubert_final/iter1/hubert.km.randcrop.pmw1_0.puw0_0.grpnorm.ml10.mp0_8.untie.mxsz250000.ufreq1.maxtok1400000.MU400k.s1337.ngpu32/checkpoint_last.pt 8 | -------------------------------------------------------------------------------- /examples/hubert/config/finetune/lm/ls_4gram.yaml: -------------------------------------------------------------------------------- 1 | # @package _global_ 2 | 3 | criterion: 4 | wer_kenlm_model: /checkpoint/abdo/old_checkpoint02/datasets/librispeech/4-gram.bin 5 | wer_lexicon: /checkpoint/abdo/old_checkpoint02/datasets/librispeech/10h/raw/lexicon_ltr.lst 6 | wer_lm_weight: 2.0 7 | wer_word_score: -1.0 8 | -------------------------------------------------------------------------------- /examples/hubert/config/pretrain/data/iter1.yaml: -------------------------------------------------------------------------------- 1 | # @package _global_ 2 | 3 | task: 4 | label_dir: ??? 5 | labels: ["km"] 6 | 7 | model: 8 | label_rate: 100 9 | -------------------------------------------------------------------------------- /examples/hubert/config/pretrain/data/iter2.yaml: -------------------------------------------------------------------------------- 1 | # @package _global_ 2 | 3 | task: 4 | label_dir: ??? 5 | labels: ["km"] 6 | 7 | model: 8 | label_rate: 50 9 | -------------------------------------------------------------------------------- /examples/hubert/tests/6313-76958-0021.flac: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/hubert/tests/6313-76958-0021.flac -------------------------------------------------------------------------------- /examples/hubert/tests/sample.base.L9.len: -------------------------------------------------------------------------------- 1 | 596 2 | -------------------------------------------------------------------------------- /examples/hubert/tests/sample.base.L9.npy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/hubert/tests/sample.base.L9.npy -------------------------------------------------------------------------------- /examples/hubert/tests/sample.large.L20.len: -------------------------------------------------------------------------------- 1 | 596 2 | -------------------------------------------------------------------------------- /examples/hubert/tests/sample.large.L20.npy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/hubert/tests/sample.large.L20.npy -------------------------------------------------------------------------------- /examples/hubert/tests/sample.large.hypo.word: -------------------------------------------------------------------------------- 1 | KEEP A GOING AN IF YOU'RE LUCKY YOU'LL RUN PLUMB INTO THEM WAS THE JEERING ANSWER AS THE SLEEPY COWMEN SPURRED THEIR PONIES ON TOWARD CAMP MUTTERING THEIR DISAPPROVAL OF TAKING ALONG A BUNCH OF BOYS ON A CATTLE DRIVE (None-0) 2 | -------------------------------------------------------------------------------- /examples/hubert/tests/sample.xlarge.L30.len: -------------------------------------------------------------------------------- 1 | 596 2 | -------------------------------------------------------------------------------- /examples/hubert/tests/sample.xlarge.L30.npy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/hubert/tests/sample.xlarge.L30.npy -------------------------------------------------------------------------------- /examples/hubert/tests/sample.xlarge.hypo.word: -------------------------------------------------------------------------------- 1 | KEEP A GOIN AND IF YOU'RE LUCKY YOU'LL RUN PLUMB INTO THEM WAS THE JEERING ANSWER AS THE SLEEPY COWMEN SPURRED THEIR PONIES ON TOWARD CAMP MUTTERING THEIR DISAPPROVAL OF TAKING ALONG A BUNCH OF BOYS ON A CATTLE DRIVE (None-0) 2 | -------------------------------------------------------------------------------- /examples/laser/laser_src/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .laser_task import * # noqa 7 | from .laser_lstm import * # noqa 8 | from .laser_transformer import * # noqa 9 | -------------------------------------------------------------------------------- /examples/latent_depth/latent_depth_src/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from . import multilingual_translation_latent_depth # noqa 7 | from .loss import latent_depth # noqa 8 | from .models import latent_multilingual_transformer # noqa 9 | from .modules import latent_layers # noqa 10 | -------------------------------------------------------------------------------- /examples/latent_depth/latent_depth_src/loss/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/latent_depth/latent_depth_src/loss/__init__.py -------------------------------------------------------------------------------- /examples/latent_depth/latent_depth_src/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/latent_depth/latent_depth_src/models/__init__.py -------------------------------------------------------------------------------- /examples/latent_depth/latent_depth_src/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/latent_depth/latent_depth_src/modules/__init__.py -------------------------------------------------------------------------------- /examples/linformer/linformer_src/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .models import linformer_roberta # noqa 7 | -------------------------------------------------------------------------------- /examples/linformer/linformer_src/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/linformer/linformer_src/models/__init__.py -------------------------------------------------------------------------------- /examples/linformer/linformer_src/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/linformer/linformer_src/modules/__init__.py -------------------------------------------------------------------------------- /examples/m2m_100/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/m2m_100/.DS_Store -------------------------------------------------------------------------------- /examples/m2m_100/tokenizers/seg_ja.sh: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env bash 2 | # Copyright (c) Facebook, Inc. and its affiliates. 3 | # 4 | # This source code is licensed under the MIT license found in the 5 | # LICENSE file in the root directory of this source tree. 6 | SCRIPT=`realpath $0` 7 | KYTEA=`dirname $SCRIPT`/thirdparty/kytea 8 | export LD_LIBRARY_PATH=$LD_LIBRARY_PATH:$KYTEA/lib:/usr/local/lib 9 | export PATH=$PATH:"$KYTEA/bin" 10 | 11 | cat - | tr -d "[:blank:]" | kytea -notags 12 | -------------------------------------------------------------------------------- /examples/m2m_100/tokenizers/seg_ko.sh: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env bash 2 | # Copyright (c) Facebook, Inc. and its affiliates. 3 | # 4 | # This source code is licensed under the MIT license found in the 5 | # LICENSE file in the root directory of this source tree. 6 | SCRIPT=`realpath $0` 7 | MECAB=`dirname $SCRIPT`/thirdparty/mecab-0.996-ko-0.9.2 8 | 9 | export PATH=$PATH:"$MECAB/bin":"$MECAB/lib" 10 | export LD_LIBRARY_PATH=$LD_LIBRARY_PATH:"$MECAB/lib" 11 | 12 | cat - | mecab -O wakati 13 | -------------------------------------------------------------------------------- /examples/m2m_100/tokenizers/thirdparty/.gitignore: -------------------------------------------------------------------------------- 1 | seg_my.py 2 | indic_nlp_library/ 3 | indic_nlp_resources/ 4 | kytea/ 5 | mecab-0.996-ko-0.9.2.tar.gz 6 | mecab-0.996-ko-0.9.2/ 7 | mosesdecoder/ 8 | wat2020.my-en.zip 9 | wat2020.my-en/ 10 | wmt16-scripts/ 11 | mecab-ko-dic-2.1.1-20180720/ 12 | mecab-ko-dic-2.1.1-20180720.tar.gz -------------------------------------------------------------------------------- /examples/m2m_100/tokenizers/tokenize_thai.py: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env python3 2 | # Copyright (c) Facebook, Inc. and its affiliates. 3 | # 4 | # This source code is licensed under the MIT license found in the 5 | # LICENSE file in the root directory of this source tree. 6 | 7 | import sys 8 | 9 | from pythainlp import word_tokenize 10 | 11 | 12 | for line in sys.stdin: 13 | print(" ".join(word_tokenize(line.strip()))) 14 | -------------------------------------------------------------------------------- /examples/m2m_100/tokenizers/tokenize_zh.py: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env python3 2 | # Copyright (c) Facebook, Inc. and its affiliates. 3 | # 4 | # This source code is licensed under the MIT license found in the 5 | # LICENSE file in the root directory of this source tree. 6 | 7 | 8 | import fileinput 9 | 10 | import sacrebleu 11 | 12 | 13 | for line in fileinput.input(): 14 | print(sacrebleu.tokenize_zh(line)) 15 | -------------------------------------------------------------------------------- /examples/multilingual/data_scripts/requirement.txt: -------------------------------------------------------------------------------- 1 | wget 2 | pandas -------------------------------------------------------------------------------- /examples/multilingual/data_scripts/utils/strip_sgm.sh: -------------------------------------------------------------------------------- 1 | grep "seg id" | sed 's///g' | sed 's/<\/seg>//g' 2 | -------------------------------------------------------------------------------- /examples/noisychannel/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .rerank_options import * # noqa 7 | -------------------------------------------------------------------------------- /examples/operators/alignment_train_cuda.h: -------------------------------------------------------------------------------- 1 | /** 2 | * Copyright 2017-present, Facebook, Inc. 3 | * All rights reserved. 4 | * 5 | * This source code is licensed under the license found in the 6 | * LICENSE file in the root directory of this source tree. 7 | */ 8 | 9 | #pragma once 10 | 11 | #include // @manual=//caffe2:torch_extension 12 | 13 | void alignmentTrainCUDAWrapper( 14 | const torch::Tensor& p_choose, 15 | torch::Tensor& alpha, 16 | float eps); 17 | -------------------------------------------------------------------------------- /examples/pointer_generator/pointer_generator_src/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from . import transformer_pg # noqa 7 | -------------------------------------------------------------------------------- /examples/roberta/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/roberta/.DS_Store -------------------------------------------------------------------------------- /examples/roberta/commonsense_qa/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from . import commonsense_qa_task # noqa 7 | -------------------------------------------------------------------------------- /examples/roberta/wsc/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from . import wsc_criterion # noqa 7 | from . import wsc_task # noqa 8 | -------------------------------------------------------------------------------- /examples/rxf/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from . import rxf_src # noqa 7 | -------------------------------------------------------------------------------- /examples/rxf/rxf_src/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from . import label_smoothed_cross_entropy_r3f, sentence_prediction_r3f # noqa 7 | -------------------------------------------------------------------------------- /examples/simultaneous_translation/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/simultaneous_translation/.DS_Store -------------------------------------------------------------------------------- /examples/simultaneous_translation/README.md: -------------------------------------------------------------------------------- 1 | # Simultaneous Translation 2 | Examples of simultaneous translation in fairseq 3 | - [English-to-Japanese text-to-text wait-k model](docs/enja-waitk.md) 4 | - [English-to-Germen text-to-text monotonic multihead attention model](docs/ende-mma.md) 5 | - [English-to-Germen speech-to-text simultaneous translation model](../speech_to_text/docs/simulst_mustc_example.md) 6 | -------------------------------------------------------------------------------- /examples/simultaneous_translation/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from . import models # noqa 7 | -------------------------------------------------------------------------------- /examples/simultaneous_translation/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/simultaneous_translation/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /examples/simultaneous_translation/models/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/simultaneous_translation/models/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /examples/simultaneous_translation/models/__pycache__/convtransformer_simul_trans.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/simultaneous_translation/models/__pycache__/convtransformer_simul_trans.cpython-37.pyc -------------------------------------------------------------------------------- /examples/simultaneous_translation/models/__pycache__/transformer_monotonic_attention.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/simultaneous_translation/models/__pycache__/transformer_monotonic_attention.cpython-37.pyc -------------------------------------------------------------------------------- /examples/simultaneous_translation/modules/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/simultaneous_translation/modules/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /examples/simultaneous_translation/modules/__pycache__/fixed_pre_decision.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/simultaneous_translation/modules/__pycache__/fixed_pre_decision.cpython-37.pyc -------------------------------------------------------------------------------- /examples/simultaneous_translation/modules/__pycache__/monotonic_multihead_attention.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/simultaneous_translation/modules/__pycache__/monotonic_multihead_attention.cpython-37.pyc -------------------------------------------------------------------------------- /examples/simultaneous_translation/modules/__pycache__/monotonic_transformer_layer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/simultaneous_translation/modules/__pycache__/monotonic_transformer_layer.cpython-37.pyc -------------------------------------------------------------------------------- /examples/simultaneous_translation/utils/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/simultaneous_translation/utils/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /examples/simultaneous_translation/utils/__pycache__/functions.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/simultaneous_translation/utils/__pycache__/functions.cpython-37.pyc -------------------------------------------------------------------------------- /examples/simultaneous_translation/utils/__pycache__/monotonic_attention.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/simultaneous_translation/utils/__pycache__/monotonic_attention.cpython-37.pyc -------------------------------------------------------------------------------- /examples/simultaneous_translation/utils/__pycache__/p_choose_strategy.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/simultaneous_translation/utils/__pycache__/p_choose_strategy.cpython-37.pyc -------------------------------------------------------------------------------- /examples/speech_recognition/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/speech_recognition/.DS_Store -------------------------------------------------------------------------------- /examples/speech_recognition/__init__.py: -------------------------------------------------------------------------------- 1 | from . import criterions, models, tasks # noqa 2 | -------------------------------------------------------------------------------- /examples/speech_recognition/data/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .asr_dataset import AsrDataset 7 | 8 | 9 | __all__ = [ 10 | "AsrDataset", 11 | ] 12 | -------------------------------------------------------------------------------- /examples/speech_recognition/kaldi/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/speech_recognition/kaldi/__init__.py -------------------------------------------------------------------------------- /examples/speech_recognition/kaldi/config/kaldi_initializer.yaml: -------------------------------------------------------------------------------- 1 | # @package _group_ 2 | 3 | data_dir: ??? 4 | fst_dir: ??? 5 | in_labels: ??? 6 | kaldi_root: ??? 7 | lm_arpa: ??? 8 | blank_symbol: 9 | -------------------------------------------------------------------------------- /examples/speech_recognition/models/__init__.py: -------------------------------------------------------------------------------- 1 | import importlib 2 | import os 3 | 4 | 5 | for file in sorted(os.listdir(os.path.dirname(__file__))): 6 | if file.endswith(".py") and not file.startswith("_"): 7 | model_name = file[: file.find(".py")] 8 | importlib.import_module("examples.speech_recognition.models." + model_name) 9 | -------------------------------------------------------------------------------- /examples/speech_recognition/new/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/speech_recognition/new/__init__.py -------------------------------------------------------------------------------- /examples/speech_recognition/new/decoders/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/speech_recognition/new/decoders/__init__.py -------------------------------------------------------------------------------- /examples/speech_recognition/tasks/__init__.py: -------------------------------------------------------------------------------- 1 | import importlib 2 | import os 3 | 4 | 5 | for file in sorted(os.listdir(os.path.dirname(__file__))): 6 | if file.endswith(".py") and not file.startswith("_"): 7 | task_name = file[: file.find(".py")] 8 | importlib.import_module("examples.speech_recognition.tasks." + task_name) 9 | -------------------------------------------------------------------------------- /examples/speech_synthesis/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/speech_synthesis/.DS_Store -------------------------------------------------------------------------------- /examples/speech_synthesis/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | -------------------------------------------------------------------------------- /examples/speech_synthesis/evaluation/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | -------------------------------------------------------------------------------- /examples/speech_synthesis/preprocessing/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | -------------------------------------------------------------------------------- /examples/speech_synthesis/preprocessing/denoiser/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | -------------------------------------------------------------------------------- /examples/speech_text_joint_to_text/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/speech_text_joint_to_text/.DS_Store -------------------------------------------------------------------------------- /examples/speech_text_joint_to_text/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from . import tasks, criterions, models # noqa 7 | -------------------------------------------------------------------------------- /examples/speech_text_joint_to_text/models/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | import importlib 7 | import os 8 | 9 | -------------------------------------------------------------------------------- /examples/speech_text_joint_to_text/tasks/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | import importlib 7 | import os 8 | 9 | -------------------------------------------------------------------------------- /examples/speech_to_speech/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/speech_to_speech/.DS_Store -------------------------------------------------------------------------------- /examples/speech_to_speech/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | -------------------------------------------------------------------------------- /examples/speech_to_speech/benchmarking/configs/2StageS2ST.yaml: -------------------------------------------------------------------------------- 1 | general: 2 | dataset_path: $npy_dataset 3 | cpu: True 4 | model_type: 2StageS2ST 5 | dataset_size: 1 6 | 7 | stage1: 8 | data: $data_bin_stage1 9 | task: speech_to_text 10 | path: $checkpoint_stage1 11 | config_yaml: config.yaml 12 | max_len_a: 2 13 | max_len_b: 500 14 | 15 | stage2: 16 | data: $data_bin_stage2 17 | task: text_to_speech 18 | path: $checkpoint_stage2 19 | config_yaml: config.yaml 20 | -------------------------------------------------------------------------------- /examples/speech_to_speech/benchmarking/configs/S2T.yaml: -------------------------------------------------------------------------------- 1 | general: 2 | dataset_path: $npy_dataset 3 | cpu: True 4 | model_type: S2T 5 | dataset_size: 1 6 | 7 | stage1: 8 | data: $data_bin 9 | task: speech_to_text 10 | path: $checkpoint 11 | config_yaml: config.yaml 12 | max_len_a: 2 13 | max_len_b: 500 14 | -------------------------------------------------------------------------------- /examples/speech_to_speech/preprocessing/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | -------------------------------------------------------------------------------- /examples/speech_to_text/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/speech_to_text/.DS_Store -------------------------------------------------------------------------------- /examples/textless_nlp/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/textless_nlp/.DS_Store -------------------------------------------------------------------------------- /examples/textless_nlp/gslm/metrics/asr_metrics/misc/dict.ltr.txt: -------------------------------------------------------------------------------- 1 | | 94802 2 | E 51860 3 | T 38431 4 | A 33152 5 | O 31495 6 | N 28855 7 | I 28794 8 | H 27187 9 | S 26071 10 | R 23546 11 | D 18289 12 | L 16308 13 | U 12400 14 | M 10685 15 | W 10317 16 | C 9844 17 | F 9062 18 | G 8924 19 | Y 8226 20 | P 6890 21 | B 6339 22 | V 3936 23 | K 3456 24 | ' 1023 25 | X 636 26 | J 598 27 | Q 437 28 | Z 213 29 | -------------------------------------------------------------------------------- /examples/textless_nlp/gslm/speech2unit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/textless_nlp/gslm/speech2unit/__init__.py -------------------------------------------------------------------------------- /examples/textless_nlp/gslm/speech2unit/clustering/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/textless_nlp/gslm/speech2unit/clustering/__init__.py -------------------------------------------------------------------------------- /examples/textless_nlp/gslm/unit2speech/tacotron2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/textless_nlp/gslm/unit2speech/tacotron2/__init__.py -------------------------------------------------------------------------------- /examples/textless_nlp/pgslm/eval/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | -------------------------------------------------------------------------------- /examples/textless_nlp/pgslm/sample/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | -------------------------------------------------------------------------------- /examples/textless_nlp/speech-resynth/img/fig.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/textless_nlp/speech-resynth/img/fig.png -------------------------------------------------------------------------------- /examples/translation_moe/translation_moe_src/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from . import translation_moe # noqa 7 | -------------------------------------------------------------------------------- /examples/truncated_bptt/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from . import transformer_xl_model, truncated_bptt_lm_task # noqa 7 | -------------------------------------------------------------------------------- /examples/wav2vec/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/wav2vec/.DS_Store -------------------------------------------------------------------------------- /examples/wav2vec/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/wav2vec/__init__.py -------------------------------------------------------------------------------- /examples/wav2vec/unsupervised/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/examples/wav2vec/unsupervised/__init__.py -------------------------------------------------------------------------------- /examples/wav2vec/unsupervised/config/generate/viterbi.yaml: -------------------------------------------------------------------------------- 1 | # @package _group_ 2 | 3 | fairseq: 4 | task: 5 | _name: unpaired_audio_text 6 | labels: phn 7 | data: ??? 8 | sort_by_length: false 9 | shuffle: false 10 | text_data: '' 11 | 12 | common_eval: 13 | path: ??? 14 | quiet: true 15 | 16 | dataset: 17 | gen_subset: valid 18 | batch_size: 1 19 | 20 | w2l_decoder: VITERBI 21 | post_process: silence 22 | -------------------------------------------------------------------------------- /examples/wav2vec/unsupervised/data/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .extracted_features_dataset import ExtractedFeaturesDataset 7 | from .random_input_dataset import RandomInputDataset 8 | 9 | 10 | __all__ = [ 11 | "ExtractedFeaturesDataset", 12 | "RandomInputDataset", 13 | ] 14 | -------------------------------------------------------------------------------- /examples/wav2vec/unsupervised/kaldi_self_train/st/local/copy_aligned_text.py: -------------------------------------------------------------------------------- 1 | import sys 2 | 3 | for idx, line in enumerate(sys.stdin): 4 | print(f"utt{idx:010d} {line}", end='') -------------------------------------------------------------------------------- /examples/wav2vec/unsupervised/kaldi_self_train/st/path.sh: -------------------------------------------------------------------------------- 1 | export KALDI_ROOT=`pwd`/../../.. 2 | export PATH=$PWD/utils/:$KALDI_ROOT/tools/openfst/bin:$PWD:$PATH 3 | [ ! -f $KALDI_ROOT/tools/config/common_path.sh ] && echo >&2 "The standard file $KALDI_ROOT/tools/config/common_path.sh is not present -> Exit!" && exit 1 4 | . $KALDI_ROOT/tools/config/common_path.sh 5 | export LC_ALL=C 6 | -------------------------------------------------------------------------------- /examples/wav2vec/unsupervised/models/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .wav2vec_u import Wav2vec_U 7 | 8 | 9 | __all__ = [ 10 | "Wav2vec_U", 11 | ] 12 | -------------------------------------------------------------------------------- /examples/wav2vec/unsupervised/scripts/copy_labels.py: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env python3 -u 2 | # Copyright (c) Facebook, Inc. and its affiliates. 3 | # 4 | # This source code is licensed under the MIT license found in the 5 | # LICENSE file in the root directory of this source tree. 6 | 7 | import sys 8 | 9 | for idx, line in enumerate(sys.stdin): 10 | print(f"utt{idx:010d} {line}", end="") 11 | -------------------------------------------------------------------------------- /examples/wav2vec/unsupervised/scripts/ltr_to_wrd.py: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env python3 -u 2 | # Copyright (c) Facebook, Inc. and its affiliates. 3 | # 4 | # This source code is licensed under the MIT license found in the 5 | # LICENSE file in the root directory of this source tree. 6 | 7 | import sys 8 | 9 | 10 | def main(): 11 | for line in sys.stdin: 12 | print(line.replace(" ", "").replace("|", " ").strip()) 13 | 14 | 15 | if __name__ == "__main__": 16 | main() 17 | -------------------------------------------------------------------------------- /examples/wav2vec/unsupervised/scripts/wrd_to_ltr.py: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env python3 -u 2 | # Copyright (c) Facebook, Inc. and its affiliates. 3 | # 4 | # This source code is licensed under the MIT license found in the 5 | # LICENSE file in the root directory of this source tree. 6 | 7 | import sys 8 | 9 | 10 | def main(): 11 | for line in sys.stdin: 12 | print(" ".join(list(line.strip().replace(" ", "|"))) + " |") 13 | 14 | 15 | if __name__ == "__main__": 16 | main() 17 | -------------------------------------------------------------------------------- /examples/wav2vec/unsupervised/tasks/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .unpaired_audio_text import UnpairedAudioText 7 | 8 | 9 | __all__ = [ 10 | "UnpairedAudioText", 11 | ] 12 | -------------------------------------------------------------------------------- /fairseq/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/.DS_Store -------------------------------------------------------------------------------- /fairseq/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/binarizer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/binarizer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/checkpoint_utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/checkpoint_utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/file_chunker_utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/file_chunker_utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/file_io.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/file_io.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/file_utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/file_utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/hub_utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/hub_utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/incremental_decoding_utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/incremental_decoding_utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/iterative_refinement_generator.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/iterative_refinement_generator.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/nan_detector.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/nan_detector.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/ngram_repeat_block.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/ngram_repeat_block.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/options.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/options.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/pdb.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/pdb.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/quantization_utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/quantization_utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/registry.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/registry.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/search.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/search.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/sequence_generator.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/sequence_generator.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/speech_generator.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/speech_generator.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/token_generation_constraints.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/token_generation_constraints.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/tokenizer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/tokenizer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/trainer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/trainer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/__pycache__/version.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/__pycache__/version.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/benchmark/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | # import models/tasks to register them 7 | from . import dummy_dataset, dummy_lm, dummy_masked_lm, dummy_model, dummy_mt # noqa 8 | -------------------------------------------------------------------------------- /fairseq/benchmark/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/benchmark/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/benchmark/__pycache__/dummy_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/benchmark/__pycache__/dummy_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/benchmark/__pycache__/dummy_lm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/benchmark/__pycache__/dummy_lm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/benchmark/__pycache__/dummy_masked_lm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/benchmark/__pycache__/dummy_masked_lm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/benchmark/__pycache__/dummy_model.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/benchmark/__pycache__/dummy_model.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/benchmark/__pycache__/dummy_mt.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/benchmark/__pycache__/dummy_mt.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/clib/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/clib/.DS_Store -------------------------------------------------------------------------------- /fairseq/config/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | -------------------------------------------------------------------------------- /fairseq/config/config.yaml: -------------------------------------------------------------------------------- 1 | # @package _group_ 2 | 3 | hydra: 4 | run: 5 | dir: . 6 | 7 | defaults: 8 | - _self_ 9 | - task: null 10 | - model: null 11 | - criterion: cross_entropy 12 | - optimizer: null 13 | - lr_scheduler: fixed 14 | - bpe: null 15 | - tokenizer: null 16 | - scoring: null 17 | - generation: null 18 | - common_eval: null 19 | - eval_lm: null 20 | -------------------------------------------------------------------------------- /fairseq/config/model/wav2vec/vq_wav2vec_gumbel.yaml: -------------------------------------------------------------------------------- 1 | # @package _group_ 2 | activation: gelu 3 | vq_type: gumbel 4 | vq_depth: 2 5 | combine_groups: true 6 | -------------------------------------------------------------------------------- /fairseq/config/model/wav2vec2/wav2vec2_base.yaml: -------------------------------------------------------------------------------- 1 | # @package _group_ 2 | 3 | quantize_targets: true 4 | final_dim: 256 5 | encoder_layerdrop: 0.05 6 | dropout_input: 0.1 7 | dropout_features: 0.1 8 | feature_grad_mult: 0.1 9 | -------------------------------------------------------------------------------- /fairseq/config/model/wav2vec2/wav2vec2_large.yaml: -------------------------------------------------------------------------------- 1 | # @package _group_ 2 | 3 | quantize_targets: true 4 | extractor_mode: layer_norm 5 | layer_norm_first: true 6 | final_dim: 768 7 | latent_temp: [2.0,0.1,0.999995] 8 | encoder_layerdrop: 0.0 9 | dropout_input: 0.0 10 | dropout_features: 0.0 11 | dropout: 0.0 12 | attention_dropout: 0.0 13 | conv_bias: true 14 | 15 | encoder_layers: 24 16 | encoder_embed_dim: 1024 17 | encoder_ffn_embed_dim: 4096 18 | encoder_attention_heads: 16 19 | 20 | feature_grad_mult: 1.0 21 | -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/adaptive_loss.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/adaptive_loss.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/composite_loss.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/composite_loss.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/cross_entropy.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/cross_entropy.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/ctc.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/ctc.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/fairseq_criterion.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/fairseq_criterion.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/fastspeech2_loss.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/fastspeech2_loss.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/hubert_criterion.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/hubert_criterion.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/label_smoothed_cross_entropy.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/label_smoothed_cross_entropy.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/label_smoothed_cross_entropy_latency_augmented.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/label_smoothed_cross_entropy_latency_augmented.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/label_smoothed_cross_entropy_with_alignment.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/label_smoothed_cross_entropy_with_alignment.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/label_smoothed_cross_entropy_with_ctc.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/label_smoothed_cross_entropy_with_ctc.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/label_smoothed_cross_entropy_with_ctc_loss.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/label_smoothed_cross_entropy_with_ctc_loss.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/legacy_masked_lm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/legacy_masked_lm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/masked_lm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/masked_lm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/model_criterion.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/model_criterion.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/nat_loss.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/nat_loss.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/sentence_prediction.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/sentence_prediction.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/sentence_prediction_adapters.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/sentence_prediction_adapters.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/sentence_ranking.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/sentence_ranking.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/speech_to_speech_criterion.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/speech_to_speech_criterion.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/speech_ulm_criterion.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/speech_ulm_criterion.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/tacotron2_loss.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/tacotron2_loss.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/text_guide_cross_entropy_acc.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/text_guide_cross_entropy_acc.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/text_guide_cross_entropy_acc_textloss.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/text_guide_cross_entropy_acc_textloss.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/criterions/__pycache__/wav2vec_criterion.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/criterions/__pycache__/wav2vec_criterion.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/.DS_Store -------------------------------------------------------------------------------- /fairseq/data/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/add_target_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/add_target_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/append_token_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/append_token_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/backtranslation_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/backtranslation_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/base_wrapper_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/base_wrapper_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/bucket_pad_length_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/bucket_pad_length_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/codedataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/codedataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/colorize_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/colorize_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/concat_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/concat_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/concat_sentences_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/concat_sentences_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/data_utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/data_utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/denoising_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/denoising_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/dictionary.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/dictionary.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/fairseq_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/fairseq_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/fasta_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/fasta_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/id_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/id_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/indexed_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/indexed_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/iterators.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/iterators.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/language_pair_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/language_pair_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/list_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/list_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/lm_context_window_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/lm_context_window_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/lru_cache_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/lru_cache_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/mask_tokens_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/mask_tokens_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/monolingual_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/monolingual_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/multi_corpus_sampled_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/multi_corpus_sampled_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/nested_dictionary_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/nested_dictionary_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/noising.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/noising.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/num_samples_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/num_samples_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/numel_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/numel_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/offset_tokens_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/offset_tokens_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/pad_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/pad_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/plasma_utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/plasma_utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/prepend_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/prepend_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/prepend_token_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/prepend_token_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/raw_label_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/raw_label_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/replace_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/replace_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/resampling_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/resampling_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/roll_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/roll_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/round_robin_zip_datasets.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/round_robin_zip_datasets.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/shorten_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/shorten_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/sort_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/sort_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/strip_token_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/strip_token_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/subsample_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/subsample_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/text_compressor.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/text_compressor.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/token_block_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/token_block_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/transform_eos_concat_langpair_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/transform_eos_concat_langpair_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/transform_eos_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/transform_eos_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/__pycache__/transform_eos_lang_pair_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/__pycache__/transform_eos_lang_pair_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/audio/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/audio/__init__.py -------------------------------------------------------------------------------- /fairseq/data/audio/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/audio/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/audio/__pycache__/audio_utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/audio/__pycache__/audio_utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/audio/__pycache__/data_cfg.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/audio/__pycache__/data_cfg.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/audio/__pycache__/frm_text_to_speech_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/audio/__pycache__/frm_text_to_speech_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/audio/__pycache__/hubert_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/audio/__pycache__/hubert_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/audio/__pycache__/raw_audio_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/audio/__pycache__/raw_audio_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/audio/__pycache__/speech_to_speech_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/audio/__pycache__/speech_to_speech_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/audio/__pycache__/speech_to_text_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/audio/__pycache__/speech_to_text_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/audio/__pycache__/text_to_speech_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/audio/__pycache__/text_to_speech_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/audio/feature_transforms/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/audio/feature_transforms/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/audio/feature_transforms/__pycache__/delta_deltas.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/audio/feature_transforms/__pycache__/delta_deltas.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/audio/feature_transforms/__pycache__/global_cmvn.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/audio/feature_transforms/__pycache__/global_cmvn.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/audio/feature_transforms/__pycache__/specaugment.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/audio/feature_transforms/__pycache__/specaugment.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/audio/feature_transforms/__pycache__/utterance_cmvn.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/audio/feature_transforms/__pycache__/utterance_cmvn.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/data_utils_fast.cpython-37m-x86_64-linux-gnu.so: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/data_utils_fast.cpython-37m-x86_64-linux-gnu.so -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/encoders/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/byte_bpe.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/encoders/__pycache__/byte_bpe.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/byte_utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/encoders/__pycache__/byte_utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/bytes.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/encoders/__pycache__/bytes.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/characters.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/encoders/__pycache__/characters.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/fastbpe.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/encoders/__pycache__/fastbpe.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/gpt2_bpe.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/encoders/__pycache__/gpt2_bpe.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/gpt2_bpe_utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/encoders/__pycache__/gpt2_bpe_utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/hf_bert_bpe.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/encoders/__pycache__/hf_bert_bpe.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/hf_byte_bpe.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/encoders/__pycache__/hf_byte_bpe.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/moses_tokenizer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/encoders/__pycache__/moses_tokenizer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/nltk_tokenizer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/encoders/__pycache__/nltk_tokenizer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/sentencepiece_bpe.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/encoders/__pycache__/sentencepiece_bpe.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/space_tokenizer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/encoders/__pycache__/space_tokenizer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/subword_nmt_bpe.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/encoders/__pycache__/subword_nmt_bpe.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/encoders/__pycache__/utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/encoders/__pycache__/utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/huffman/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/huffman/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/huffman/__pycache__/huffman_coder.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/huffman/__pycache__/huffman_coder.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/huffman/__pycache__/huffman_mmap_indexed_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/huffman/__pycache__/huffman_mmap_indexed_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/id_dataset.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | import torch 7 | 8 | from . import FairseqDataset 9 | 10 | 11 | class IdDataset(FairseqDataset): 12 | def __getitem__(self, index): 13 | return index 14 | 15 | def __len__(self): 16 | return 0 17 | 18 | def collater(self, samples): 19 | return torch.tensor(samples) 20 | -------------------------------------------------------------------------------- /fairseq/data/legacy/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .block_pair_dataset import BlockPairDataset 7 | from .masked_lm_dataset import MaskedLMDataset 8 | from .masked_lm_dictionary import BertDictionary, MaskedLMDictionary 9 | 10 | 11 | __all__ = [ 12 | "BertDictionary", 13 | "BlockPairDataset", 14 | "MaskedLMDataset", 15 | "MaskedLMDictionary", 16 | ] 17 | -------------------------------------------------------------------------------- /fairseq/data/legacy/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/legacy/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/legacy/__pycache__/block_pair_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/legacy/__pycache__/block_pair_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/legacy/__pycache__/masked_lm_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/legacy/__pycache__/masked_lm_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/legacy/__pycache__/masked_lm_dictionary.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/legacy/__pycache__/masked_lm_dictionary.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/multilingual/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | -------------------------------------------------------------------------------- /fairseq/data/multilingual/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/multilingual/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/multilingual/__pycache__/multilingual_data_manager.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/multilingual/__pycache__/multilingual_data_manager.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/multilingual/__pycache__/multilingual_utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/multilingual/__pycache__/multilingual_utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/multilingual/__pycache__/sampled_multi_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/multilingual/__pycache__/sampled_multi_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/multilingual/__pycache__/sampled_multi_epoch_dataset.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/multilingual/__pycache__/sampled_multi_epoch_dataset.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/multilingual/__pycache__/sampling_method.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/multilingual/__pycache__/sampling_method.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/data/num_samples_dataset.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from . import FairseqDataset 7 | 8 | 9 | class NumSamplesDataset(FairseqDataset): 10 | def __getitem__(self, index): 11 | return 1 12 | 13 | def __len__(self): 14 | return 0 15 | 16 | def collater(self, samples): 17 | return sum(samples) 18 | -------------------------------------------------------------------------------- /fairseq/data/offset_tokens_dataset.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from . import BaseWrapperDataset 7 | 8 | 9 | class OffsetTokensDataset(BaseWrapperDataset): 10 | def __init__(self, dataset, offset): 11 | super().__init__(dataset) 12 | self.offset = offset 13 | 14 | def __getitem__(self, idx): 15 | return self.dataset[idx] + self.offset 16 | -------------------------------------------------------------------------------- /fairseq/data/token_block_utils_fast.cpython-37m-x86_64-linux-gnu.so: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/data/token_block_utils_fast.cpython-37m-x86_64-linux-gnu.so -------------------------------------------------------------------------------- /fairseq/dataclass/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .configs import FairseqDataclass 7 | from .constants import ChoiceEnum 8 | 9 | 10 | __all__ = [ 11 | "FairseqDataclass", 12 | "ChoiceEnum", 13 | ] 14 | -------------------------------------------------------------------------------- /fairseq/dataclass/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/dataclass/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/dataclass/__pycache__/configs.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/dataclass/__pycache__/configs.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/dataclass/__pycache__/constants.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/dataclass/__pycache__/constants.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/dataclass/__pycache__/initialize.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/dataclass/__pycache__/initialize.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/dataclass/__pycache__/utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/dataclass/__pycache__/utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/distributed/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/distributed/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/distributed/__pycache__/distributed_timeout_wrapper.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/distributed/__pycache__/distributed_timeout_wrapper.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/distributed/__pycache__/fully_sharded_data_parallel.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/distributed/__pycache__/fully_sharded_data_parallel.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/distributed/__pycache__/legacy_distributed_data_parallel.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/distributed/__pycache__/legacy_distributed_data_parallel.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/distributed/__pycache__/module_proxy_wrapper.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/distributed/__pycache__/module_proxy_wrapper.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/distributed/__pycache__/tpu_distributed_data_parallel.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/distributed/__pycache__/tpu_distributed_data_parallel.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/distributed/__pycache__/utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/distributed/__pycache__/utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/libbase.cpython-37m-x86_64-linux-gnu.so: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/libbase.cpython-37m-x86_64-linux-gnu.so -------------------------------------------------------------------------------- /fairseq/libbleu.cpython-37m-x86_64-linux-gnu.so: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/libbleu.cpython-37m-x86_64-linux-gnu.so -------------------------------------------------------------------------------- /fairseq/libnat.cpython-37m-x86_64-linux-gnu.so: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/libnat.cpython-37m-x86_64-linux-gnu.so -------------------------------------------------------------------------------- /fairseq/libnat_cuda.cpython-37m-x86_64-linux-gnu.so: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/libnat_cuda.cpython-37m-x86_64-linux-gnu.so -------------------------------------------------------------------------------- /fairseq/logging/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/logging/__init__.py -------------------------------------------------------------------------------- /fairseq/logging/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/logging/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/logging/__pycache__/meters.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/logging/__pycache__/meters.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/logging/__pycache__/metrics.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/logging/__pycache__/metrics.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/logging/__pycache__/progress_bar.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/logging/__pycache__/progress_bar.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/model_parallel/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/model_parallel/.DS_Store -------------------------------------------------------------------------------- /fairseq/model_parallel/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from . import criterions, models, modules # noqa 7 | -------------------------------------------------------------------------------- /fairseq/model_parallel/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/model_parallel/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/model_parallel/__pycache__/megatron_trainer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/model_parallel/__pycache__/megatron_trainer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/model_parallel/criterions/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/model_parallel/criterions/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/model_parallel/criterions/__pycache__/vocab_parallel_cross_entropy.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/model_parallel/criterions/__pycache__/vocab_parallel_cross_entropy.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/model_parallel/models/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/model_parallel/models/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/model_parallel/models/__pycache__/transformer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/model_parallel/models/__pycache__/transformer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/model_parallel/models/__pycache__/transformer_lm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/model_parallel/models/__pycache__/transformer_lm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/model_parallel/models/pipeline_parallel_transformer/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .model import * # noqa 7 | -------------------------------------------------------------------------------- /fairseq/model_parallel/models/pipeline_parallel_transformer/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/model_parallel/models/pipeline_parallel_transformer/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/model_parallel/models/pipeline_parallel_transformer/__pycache__/layers.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/model_parallel/models/pipeline_parallel_transformer/__pycache__/layers.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/model_parallel/models/pipeline_parallel_transformer/__pycache__/model.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/model_parallel/models/pipeline_parallel_transformer/__pycache__/model.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/model_parallel/models/roberta/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .model import * # noqa 7 | -------------------------------------------------------------------------------- /fairseq/model_parallel/models/roberta/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/model_parallel/models/roberta/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/model_parallel/models/roberta/__pycache__/model.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/model_parallel/models/roberta/__pycache__/model.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/model_parallel/modules/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/model_parallel/modules/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/model_parallel/modules/__pycache__/multihead_attention.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/model_parallel/modules/__pycache__/multihead_attention.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/model_parallel/modules/__pycache__/transformer_layer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/model_parallel/modules/__pycache__/transformer_layer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/.DS_Store -------------------------------------------------------------------------------- /fairseq/models/Seq2SeqHubert/.gitkeep: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/Seq2SeqHubert/.gitkeep -------------------------------------------------------------------------------- /fairseq/models/Seq2SeqHubert/__pycache__/Seq2SeqHubert_base.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/Seq2SeqHubert/__pycache__/Seq2SeqHubert_base.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/Seq2SeqHubert/__pycache__/Seq2SeqHubert_config.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/Seq2SeqHubert/__pycache__/Seq2SeqHubert_config.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/Seq2SeqHubert/__pycache__/Seq2SeqHubert_legacy.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/Seq2SeqHubert/__pycache__/Seq2SeqHubert_legacy.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/Seq2SeqHubert/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/Seq2SeqHubert/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/Seq2SeqHubert/__pycache__/hubert_encoder.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/Seq2SeqHubert/__pycache__/hubert_encoder.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/Seq2SeqHubert/__pycache__/transformer_decoder.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/Seq2SeqHubert/__pycache__/transformer_decoder.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/Seq2SeqHubert/__pycache__/transformer_encoder.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/Seq2SeqHubert/__pycache__/transformer_encoder.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/composite_encoder.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/composite_encoder.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/distributed_fairseq_model.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/distributed_fairseq_model.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/fairseq_decoder.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/fairseq_decoder.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/fairseq_encoder.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/fairseq_encoder.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/fairseq_incremental_decoder.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/fairseq_incremental_decoder.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/fairseq_model.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/fairseq_model.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/fconv.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/fconv.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/fconv_lm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/fconv_lm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/fconv_self_att.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/fconv_self_att.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/lightconv.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/lightconv.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/lightconv_lm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/lightconv_lm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/lstm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/lstm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/lstm_lm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/lstm_lm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/masked_lm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/masked_lm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/model_utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/model_utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/multilingual_transformer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/multilingual_transformer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/transformer_align.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/transformer_align.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/transformer_from_pretrained_xlm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/transformer_from_pretrained_xlm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/transformer_lm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/transformer_lm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/__pycache__/transformer_ulm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/__pycache__/transformer_ulm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/bart/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .hub_interface import * # noqa 7 | from .model import * # noqa 8 | -------------------------------------------------------------------------------- /fairseq/models/bart/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/bart/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/bart/__pycache__/hub_interface.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/bart/__pycache__/hub_interface.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/bart/__pycache__/model.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/bart/__pycache__/model.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/ema/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/ema/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/ema/__pycache__/ema.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/ema/__pycache__/ema.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/hubert/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .hubert import * # noqa 7 | from .hubert_asr import * # noqa 8 | -------------------------------------------------------------------------------- /fairseq/models/hubert/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/hubert/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/hubert/__pycache__/hubert.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/hubert/__pycache__/hubert.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/hubert/__pycache__/hubert_asr.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/hubert/__pycache__/hubert_asr.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/huggingface/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/huggingface/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/huggingface/__pycache__/hf_gpt2.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/huggingface/__pycache__/hf_gpt2.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/nat/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/nat/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/nat/__pycache__/cmlm_transformer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/nat/__pycache__/cmlm_transformer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/nat/__pycache__/fairseq_nat_model.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/nat/__pycache__/fairseq_nat_model.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/nat/__pycache__/insertion_transformer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/nat/__pycache__/insertion_transformer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/nat/__pycache__/iterative_nonautoregressive_transformer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/nat/__pycache__/iterative_nonautoregressive_transformer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/nat/__pycache__/levenshtein_transformer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/nat/__pycache__/levenshtein_transformer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/nat/__pycache__/levenshtein_utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/nat/__pycache__/levenshtein_utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/nat/__pycache__/nat_crf_transformer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/nat/__pycache__/nat_crf_transformer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/nat/__pycache__/nonautoregressive_transformer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/nat/__pycache__/nonautoregressive_transformer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/roberta/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .hub_interface import * # noqa 7 | from .model import * # noqa 8 | from .enc_dec import * # noqa 9 | from .model_camembert import * # noqa 10 | from .model_gottbert import * # noqa 11 | from .model_xlmr import * # noqa 12 | -------------------------------------------------------------------------------- /fairseq/models/roberta/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/roberta/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/roberta/__pycache__/enc_dec.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/roberta/__pycache__/enc_dec.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/roberta/__pycache__/hub_interface.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/roberta/__pycache__/hub_interface.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/roberta/__pycache__/model.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/roberta/__pycache__/model.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/roberta/__pycache__/model_camembert.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/roberta/__pycache__/model_camembert.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/roberta/__pycache__/model_gottbert.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/roberta/__pycache__/model_gottbert.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/roberta/__pycache__/model_xlmr.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/roberta/__pycache__/model_xlmr.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/speech_to_speech/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .modules import * # noqa 7 | from .s2s_transformer import * # noqa 8 | from .s2s_conformer import * # noqa 9 | -------------------------------------------------------------------------------- /fairseq/models/speech_to_speech/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/speech_to_speech/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/speech_to_speech/__pycache__/modules.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/speech_to_speech/__pycache__/modules.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/speech_to_speech/__pycache__/s2s_conformer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/speech_to_speech/__pycache__/s2s_conformer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/speech_to_speech/__pycache__/s2s_transformer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/speech_to_speech/__pycache__/s2s_transformer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .berard import * # noqa 7 | from .convtransformer import * # noqa 8 | from .multi_modality_model import * # noqa 9 | from .s2t_transformer import * # noqa 10 | from .s2t_wav_transformer import * # noqa 11 | from .xm_transformer import * # noqa 12 | from .s2t_conformer import * # noqa 13 | -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/speech_to_text/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/__pycache__/berard.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/speech_to_text/__pycache__/berard.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/__pycache__/convtransformer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/speech_to_text/__pycache__/convtransformer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/__pycache__/hub_interface.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/speech_to_text/__pycache__/hub_interface.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/__pycache__/multi_modality_model.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/speech_to_text/__pycache__/multi_modality_model.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/__pycache__/s2t_conformer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/speech_to_text/__pycache__/s2t_conformer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/__pycache__/s2t_transformer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/speech_to_text/__pycache__/s2t_transformer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/__pycache__/s2t_wav_transformer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/speech_to_text/__pycache__/s2t_wav_transformer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/__pycache__/utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/speech_to_text/__pycache__/utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/__pycache__/xm_transformer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/speech_to_text/__pycache__/xm_transformer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/modules/__pycache__/augmented_memory_attention.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/speech_to_text/modules/__pycache__/augmented_memory_attention.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/speech_to_text/modules/__pycache__/emformer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/speech_to_text/modules/__pycache__/emformer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/text_to_speech/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .tacotron2 import * # noqa 7 | from .tts_transformer import * # noqa 8 | from .fastspeech2 import * # noqa 9 | -------------------------------------------------------------------------------- /fairseq/models/text_to_speech/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/text_to_speech/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/text_to_speech/__pycache__/fastspeech2.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/text_to_speech/__pycache__/fastspeech2.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/text_to_speech/__pycache__/hub_interface.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/text_to_speech/__pycache__/hub_interface.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/text_to_speech/__pycache__/tacotron2.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/text_to_speech/__pycache__/tacotron2.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/text_to_speech/__pycache__/tts_transformer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/text_to_speech/__pycache__/tts_transformer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/transformer/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/transformer/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/transformer/__pycache__/transformer_base.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/transformer/__pycache__/transformer_base.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/transformer/__pycache__/transformer_config.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/transformer/__pycache__/transformer_config.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/transformer/__pycache__/transformer_decoder.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/transformer/__pycache__/transformer_decoder.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/transformer/__pycache__/transformer_encoder.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/transformer/__pycache__/transformer_encoder.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/transformer/__pycache__/transformer_legacy.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/transformer/__pycache__/transformer_legacy.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/voctransformer/.gitkeep: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/voctransformer/.gitkeep -------------------------------------------------------------------------------- /fairseq/models/voctransformer/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/voctransformer/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/voctransformer/__pycache__/transformer_base.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/voctransformer/__pycache__/transformer_base.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/voctransformer/__pycache__/transformer_config.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/voctransformer/__pycache__/transformer_config.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/voctransformer/__pycache__/transformer_decoder.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/voctransformer/__pycache__/transformer_decoder.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/voctransformer/__pycache__/transformer_encoder.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/voctransformer/__pycache__/transformer_encoder.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/voctransformer/__pycache__/transformer_legacy.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/voctransformer/__pycache__/transformer_legacy.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/wav2vec/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .wav2vec import * # noqa 7 | from .wav2vec2 import * # noqa 8 | from .wav2vec2_asr import * # noqa 9 | -------------------------------------------------------------------------------- /fairseq/models/wav2vec/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/wav2vec/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/wav2vec/__pycache__/utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/wav2vec/__pycache__/utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/wav2vec/__pycache__/wav2vec.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/wav2vec/__pycache__/wav2vec.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/wav2vec/__pycache__/wav2vec2.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/wav2vec/__pycache__/wav2vec2.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/wav2vec/__pycache__/wav2vec2_asr.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/wav2vec/__pycache__/wav2vec2_asr.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/xmod/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .model import * # noqa 7 | from .transformer_layer_xmod import * # noqa 8 | -------------------------------------------------------------------------------- /fairseq/models/xmod/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/xmod/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/xmod/__pycache__/hub_interface.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/xmod/__pycache__/hub_interface.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/xmod/__pycache__/model.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/xmod/__pycache__/model.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/models/xmod/__pycache__/transformer_layer_xmod.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/models/xmod/__pycache__/transformer_layer_xmod.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/.DS_Store -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/adaptive_input.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/adaptive_input.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/adaptive_softmax.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/adaptive_softmax.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/base_layer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/base_layer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/beamable_mm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/beamable_mm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/character_token_embedder.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/character_token_embedder.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/checkpoint_activations.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/checkpoint_activations.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/conformer_layer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/conformer_layer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/conv_tbc.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/conv_tbc.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/cross_entropy.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/cross_entropy.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/downsampled_multihead_attention.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/downsampled_multihead_attention.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/dynamic_convolution.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/dynamic_convolution.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/dynamic_crf_layer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/dynamic_crf_layer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/ema_module.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/ema_module.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/espnet_multihead_attention.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/espnet_multihead_attention.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/fairseq_dropout.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/fairseq_dropout.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/fp32_batch_norm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/fp32_batch_norm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/fp32_group_norm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/fp32_group_norm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/fp32_instance_norm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/fp32_instance_norm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/gelu.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/gelu.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/grad_multiply.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/grad_multiply.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/gumbel_vector_quantizer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/gumbel_vector_quantizer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/kmeans_vector_quantizer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/kmeans_vector_quantizer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/layer_drop.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/layer_drop.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/layer_norm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/layer_norm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/learned_positional_embedding.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/learned_positional_embedding.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/lightweight_convolution.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/lightweight_convolution.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/linearized_convolution.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/linearized_convolution.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/location_attention.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/location_attention.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/lstm_cell_with_zoneout.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/lstm_cell_with_zoneout.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/multihead_attention.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/multihead_attention.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/positional_embedding.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/positional_embedding.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/positional_encoding.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/positional_encoding.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/quant_noise.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/quant_noise.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/rotary_positional_embedding.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/rotary_positional_embedding.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/same_pad.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/same_pad.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/scalar_bias.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/scalar_bias.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/sinusoidal_positional_embedding.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/sinusoidal_positional_embedding.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/transformer_layer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/transformer_layer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/transformer_sentence_encoder.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/transformer_sentence_encoder.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/transformer_sentence_encoder_layer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/transformer_sentence_encoder_layer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/transpose_last.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/transpose_last.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/unfold.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/unfold.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/__pycache__/vggblock.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/__pycache__/vggblock.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/dynamicconv_layer/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .dynamicconv_layer import DynamicconvLayer # noqa 7 | -------------------------------------------------------------------------------- /fairseq/modules/grad_multiply.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | import torch 7 | 8 | 9 | class GradMultiply(torch.autograd.Function): 10 | @staticmethod 11 | def forward(ctx, x, scale): 12 | ctx.scale = scale 13 | res = x.new(x) 14 | return res 15 | 16 | @staticmethod 17 | def backward(ctx, grad): 18 | return grad * ctx.scale, None 19 | -------------------------------------------------------------------------------- /fairseq/modules/lightconv_layer/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .lightconv_layer import LightconvLayer # noqa 7 | -------------------------------------------------------------------------------- /fairseq/modules/quantization/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/__init__.py -------------------------------------------------------------------------------- /fairseq/modules/quantization/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/quantization/__pycache__/quantization_options.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/__pycache__/quantization_options.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .utils import SizeTracker, get_param, attrsetter, quantize_model_ # NOQA 7 | -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/pq/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/__pycache__/em.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/pq/__pycache__/em.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/__pycache__/pq.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/pq/__pycache__/pq.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/__pycache__/utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/pq/__pycache__/utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/modules/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .qconv import PQConv2d # NOQA 7 | from .qemb import PQEmbedding # NOQA 8 | from .qlinear import PQLinear # NOQA 9 | -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/modules/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/pq/modules/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/modules/__pycache__/qconv.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/pq/modules/__pycache__/qconv.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/modules/__pycache__/qemb.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/pq/modules/__pycache__/qemb.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/quantization/pq/modules/__pycache__/qlinear.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/pq/modules/__pycache__/qlinear.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/quantization/scalar/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .utils import quantize_model_ # NOQA 7 | -------------------------------------------------------------------------------- /fairseq/modules/quantization/scalar/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/scalar/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/quantization/scalar/__pycache__/ops.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/scalar/__pycache__/ops.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/quantization/scalar/__pycache__/utils.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/scalar/__pycache__/utils.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/quantization/scalar/modules/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | from .qact import ActivationQuantizer # NOQA 7 | from .qconv import IntConv2d # NOQA 8 | from .qemb import IntEmbedding # NOQA 9 | from .qlinear import IntLinear # NOQA 10 | -------------------------------------------------------------------------------- /fairseq/modules/quantization/scalar/modules/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/scalar/modules/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/quantization/scalar/modules/__pycache__/qact.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/scalar/modules/__pycache__/qact.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/quantization/scalar/modules/__pycache__/qconv.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/scalar/modules/__pycache__/qconv.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/quantization/scalar/modules/__pycache__/qemb.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/scalar/modules/__pycache__/qemb.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/modules/quantization/scalar/modules/__pycache__/qlinear.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/modules/quantization/scalar/modules/__pycache__/qlinear.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/ngram_repeat_block_cuda.cpython-37m-x86_64-linux-gnu.so: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/ngram_repeat_block_cuda.cpython-37m-x86_64-linux-gnu.so -------------------------------------------------------------------------------- /fairseq/optim/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/.DS_Store -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/adadelta.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/adadelta.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/adafactor.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/adafactor.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/adagrad.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/adagrad.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/adam.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/adam.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/adamax.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/adamax.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/amp_optimizer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/amp_optimizer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/bmuf.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/bmuf.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/composite.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/composite.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/cpu_adam.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/cpu_adam.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/dynamic_loss_scaler.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/dynamic_loss_scaler.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/fairseq_optimizer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/fairseq_optimizer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/fp16_optimizer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/fp16_optimizer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/fused_adam.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/fused_adam.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/fused_lamb.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/fused_lamb.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/nag.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/nag.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/sgd.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/sgd.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/__pycache__/shard.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/__pycache__/shard.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/lr_scheduler/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/__pycache__/cosine_lr_scheduler.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/lr_scheduler/__pycache__/cosine_lr_scheduler.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/__pycache__/fairseq_lr_scheduler.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/lr_scheduler/__pycache__/fairseq_lr_scheduler.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/__pycache__/fixed_schedule.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/lr_scheduler/__pycache__/fixed_schedule.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/__pycache__/inverse_square_root_schedule.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/lr_scheduler/__pycache__/inverse_square_root_schedule.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/__pycache__/manual_lr_scheduler.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/lr_scheduler/__pycache__/manual_lr_scheduler.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/__pycache__/pass_through.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/lr_scheduler/__pycache__/pass_through.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/__pycache__/polynomial_decay_schedule.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/lr_scheduler/__pycache__/polynomial_decay_schedule.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/__pycache__/reduce_lr_on_plateau.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/lr_scheduler/__pycache__/reduce_lr_on_plateau.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/__pycache__/step_lr_scheduler.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/lr_scheduler/__pycache__/step_lr_scheduler.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/__pycache__/tri_stage_lr_scheduler.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/lr_scheduler/__pycache__/tri_stage_lr_scheduler.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/optim/lr_scheduler/__pycache__/triangular_lr_scheduler.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/optim/lr_scheduler/__pycache__/triangular_lr_scheduler.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/scoring/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/scoring/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/scoring/__pycache__/bertscore.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/scoring/__pycache__/bertscore.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/scoring/__pycache__/bleu.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/scoring/__pycache__/bleu.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/scoring/__pycache__/chrf.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/scoring/__pycache__/chrf.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/scoring/__pycache__/meteor.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/scoring/__pycache__/meteor.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/scoring/__pycache__/tokenizer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/scoring/__pycache__/tokenizer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/scoring/__pycache__/wer.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/scoring/__pycache__/wer.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/audio_finetuning.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/audio_finetuning.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/audio_pretraining.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/audio_pretraining.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/cross_lingual_lm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/cross_lingual_lm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/denoising.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/denoising.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/fairseq_task.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/fairseq_task.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/frm_text_to_speech.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/frm_text_to_speech.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/hubert_pretraining.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/hubert_pretraining.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/language_modeling.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/language_modeling.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/legacy_masked_lm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/legacy_masked_lm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/masked_lm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/masked_lm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/multilingual_denoising.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/multilingual_denoising.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/multilingual_language_modeling.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/multilingual_language_modeling.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/multilingual_masked_lm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/multilingual_masked_lm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/multilingual_translation.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/multilingual_translation.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/online_backtranslation.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/online_backtranslation.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/semisupervised_translation.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/semisupervised_translation.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/sentence_prediction.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/sentence_prediction.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/sentence_prediction_adapters.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/sentence_prediction_adapters.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/sentence_ranking.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/sentence_ranking.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/simultaneous_translation.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/simultaneous_translation.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/speech_to_speech.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/speech_to_speech.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/speech_to_text.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/speech_to_text.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/speech_ulm_task.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/speech_ulm_task.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/text_to_speech.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/text_to_speech.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/translation.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/translation.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/translation_from_pretrained_bart.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/translation_from_pretrained_bart.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/translation_from_pretrained_xlm.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/translation_from_pretrained_xlm.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/translation_lev.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/translation_lev.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tasks/__pycache__/translation_multi_simple_epoch.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq/tasks/__pycache__/translation_multi_simple_epoch.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq/tokenizer.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | # 3 | # This source code is licensed under the MIT license found in the 4 | # LICENSE file in the root directory of this source tree. 5 | 6 | import re 7 | 8 | 9 | SPACE_NORMALIZER = re.compile(r"\s+") 10 | 11 | 12 | def tokenize_line(line): 13 | line = SPACE_NORMALIZER.sub(" ", line) 14 | line = line.strip() 15 | return line.split() 16 | -------------------------------------------------------------------------------- /fairseq/version.py: -------------------------------------------------------------------------------- 1 | __version__ = "1.0.0a0" 2 | -------------------------------------------------------------------------------- /fairseq/version.txt: -------------------------------------------------------------------------------- 1 | 1.0.0a0 2 | -------------------------------------------------------------------------------- /fairseq_cli/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq_cli/__init__.py -------------------------------------------------------------------------------- /fairseq_cli/__pycache__/__init__.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq_cli/__pycache__/__init__.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq_cli/__pycache__/preprocess.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq_cli/__pycache__/preprocess.cpython-37.pyc -------------------------------------------------------------------------------- /fairseq_cli/__pycache__/train.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/fairseq_cli/__pycache__/train.cpython-37.pyc -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- 1 | [build-system] 2 | requires = ["setuptools", "wheel", "cython"] 3 | build-backend = "setuptools.build_meta" 4 | -------------------------------------------------------------------------------- /setup.cfg: -------------------------------------------------------------------------------- 1 | [flake8] 2 | max-line-length = 127 3 | extend-ignore = E203, W503 4 | extend-exclude = fairseq/model_parallel/megatron 5 | -------------------------------------------------------------------------------- /tests/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/tests/.DS_Store -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/tests/__init__.py -------------------------------------------------------------------------------- /tests/distributed/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/tests/distributed/__init__.py -------------------------------------------------------------------------------- /tests/gpu/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/tests/gpu/__init__.py -------------------------------------------------------------------------------- /tests/speech_recognition/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/0nutation/DUB/dbfc9aa63d9e6e4ba64a9a7fefb9163b2c6b28a3/tests/speech_recognition/__init__.py -------------------------------------------------------------------------------- /train.py: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env python3 -u 2 | # Copyright (c) Facebook, Inc. and its affiliates. 3 | # 4 | # This source code is licensed under the MIT license found in the 5 | # LICENSE file in the root directory of this source tree. 6 | """ 7 | Legacy entry point. Use fairseq_cli/train.py or fairseq-train instead. 8 | """ 9 | 10 | from fairseq_cli.train import cli_main 11 | 12 | 13 | if __name__ == "__main__": 14 | cli_main() 15 | --------------------------------------------------------------------------------