├── .github └── ISSUE_TEMPLATE │ └── submit-model.md ├── .gitignore ├── LICENSE ├── MANIFEST.in ├── README.md ├── benchmarks ├── adv_robust_bench.sh ├── benchmark.py ├── coco_o │ ├── README.md │ ├── coco_o.png │ └── teaser.png ├── data │ └── data.md ├── imagenet-e │ ├── ImageNet-Editing │ │ ├── .app.py.swp │ │ ├── .gitattributes │ │ ├── .run.sh.un~ │ │ ├── README.md │ │ ├── app.py │ │ ├── editing_diffusion │ │ │ ├── CLIP │ │ │ │ ├── .github │ │ │ │ │ └── workflows │ │ │ │ │ │ └── test.yml │ │ │ │ ├── .gitignore │ │ │ │ ├── CLIP.png │ │ │ │ ├── LICENSE │ │ │ │ ├── MANIFEST.in │ │ │ │ ├── README.md │ │ │ │ ├── clip │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── bpe_simple_vocab_16e6.txt.gz │ │ │ │ │ ├── clip.py │ │ │ │ │ ├── model.py │ │ │ │ │ └── simple_tokenizer.py │ │ │ │ ├── data │ │ │ │ │ └── yfcc100m.md │ │ │ │ ├── model-card.md │ │ │ │ ├── notebooks │ │ │ │ │ ├── Interacting_with_CLIP.ipynb │ │ │ │ │ └── Prompt_Engineering_for_ImageNet.ipynb │ │ │ │ ├── requirements.txt │ │ │ │ ├── setup.py │ │ │ │ └── tests │ │ │ │ │ └── test_consistency.py │ │ │ ├── guided_diffusion │ │ │ │ ├── .gitignore │ │ │ │ ├── LICENSE │ │ │ │ ├── README.md │ │ │ │ ├── datasets │ │ │ │ │ ├── README.md │ │ │ │ │ └── lsun_bedroom.py │ │ │ │ ├── guided_diffusion │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── dist_util.py │ │ │ │ │ ├── fp16_util.py │ │ │ │ │ ├── gaussian_diffusion.py │ │ │ │ │ ├── image_datasets.py │ │ │ │ │ ├── logger.py │ │ │ │ │ ├── losses.py │ │ │ │ │ ├── nn.py │ │ │ │ │ ├── resample.py │ │ │ │ │ ├── respace.py │ │ │ │ │ ├── script_util.py │ │ │ │ │ ├── train_util.py │ │ │ │ │ └── unet.py │ │ │ │ ├── model-card.md │ │ │ │ ├── scripts │ │ │ │ │ ├── classifier_sample.py │ │ │ │ │ ├── classifier_train.py │ │ │ │ │ ├── image_nll.py │ │ │ │ │ ├── image_sample.py │ │ │ │ │ ├── image_train.py │ │ │ │ │ ├── super_res_sample.py │ │ │ │ │ └── super_res_train.py │ │ │ │ └── setup.py │ │ │ ├── main.py │ │ │ ├── optimization │ │ │ │ ├── arguments.py │ │ │ │ ├── augmentations.py │ │ │ │ ├── constants.py │ │ │ │ ├── image_editor.py │ │ │ │ └── losses.py │ │ │ └── utils │ │ │ │ ├── change_place.py │ │ │ │ ├── fft_pytorch.py │ │ │ │ ├── metrics_accumulator.py │ │ │ │ ├── video.py │ │ │ │ └── visualization.py │ │ ├── examples │ │ │ ├── backgrounds │ │ │ │ ├── baowen.png │ │ │ │ └── qipange.png │ │ │ ├── img │ │ │ │ ├── ILSVRC2012_val_00004577.JPEG │ │ │ │ ├── ILSVRC2012_val_00005614.JPEG │ │ │ │ ├── ILSVRC2012_val_00009393.JPEG │ │ │ │ └── input.JPEG │ │ │ └── mask │ │ │ │ ├── ILSVRC2012_val_00004577.png │ │ │ │ ├── ILSVRC2012_val_00005614.png │ │ │ │ ├── ILSVRC2012_val_00009393.png │ │ │ │ └── input.png │ │ ├── object_removal │ │ │ └── TFill │ │ │ │ ├── LICENSE │ │ │ │ ├── README.md │ │ │ │ ├── dataloader │ │ │ │ ├── data_loader.py │ │ │ │ └── image_folder.py │ │ │ │ ├── environment.yaml │ │ │ │ ├── evaluations │ │ │ │ ├── __init__.py │ │ │ │ ├── evaluation.py │ │ │ │ ├── fid_score.py │ │ │ │ └── inception.py │ │ │ │ ├── examples │ │ │ │ ├── celeba │ │ │ │ │ ├── img │ │ │ │ │ │ ├── celeba_HQ_test_1871.jpg │ │ │ │ │ │ ├── celeba_HQ_test_1905.jpg │ │ │ │ │ │ ├── celeba_HQ_test_1956.jpg │ │ │ │ │ │ ├── celeba_HQ_test_197.jpg │ │ │ │ │ │ ├── celeba_HQ_test_2102.jpg │ │ │ │ │ │ ├── celeba_HQ_test_212.jpg │ │ │ │ │ │ ├── celeba_HQ_test_2130.jpg │ │ │ │ │ │ ├── celeba_HQ_test_2158.jpg │ │ │ │ │ │ ├── celeba_HQ_test_2714.jpg │ │ │ │ │ │ ├── celeba_HQ_test_308.jpg │ │ │ │ │ │ ├── celeba_HQ_test_871.jpg │ │ │ │ │ │ ├── celeba_HQ_test_97.jpg │ │ │ │ │ │ └── celeba_HQ_test_983.jpg │ │ │ │ │ └── mask │ │ │ │ │ │ ├── mask_celeba_HQ_test_1871.jpg │ │ │ │ │ │ ├── mask_celeba_HQ_test_1905.jpg │ │ │ │ │ │ ├── mask_celeba_HQ_test_1956.jpg │ │ │ │ │ │ ├── mask_celeba_HQ_test_197.jpg │ │ │ │ │ │ ├── mask_celeba_HQ_test_2102.jpg │ │ │ │ │ │ ├── mask_celeba_HQ_test_212.jpg │ │ │ │ │ │ ├── mask_celeba_HQ_test_2130.jpg │ │ │ │ │ │ ├── mask_celeba_HQ_test_2158.jpg │ │ │ │ │ │ ├── mask_celeba_HQ_test_2714.jpg │ │ │ │ │ │ ├── mask_celeba_HQ_test_308.jpg │ │ │ │ │ │ ├── mask_celeba_HQ_test_871.jpg │ │ │ │ │ │ ├── mask_celeba_HQ_test_97.jpg │ │ │ │ │ │ └── mask_celeba_HQ_test_983.jpg │ │ │ │ ├── ffhq │ │ │ │ │ ├── img │ │ │ │ │ │ ├── ffhq_val_10343.png │ │ │ │ │ │ ├── ffhq_val_10819.png │ │ │ │ │ │ └── ffhq_val_33453.png │ │ │ │ │ └── mask │ │ │ │ │ │ ├── mask_ffhq_val_10343.png │ │ │ │ │ │ ├── mask_ffhq_val_10819.png │ │ │ │ │ │ └── mask_ffhq_val_33453.png │ │ │ │ ├── imagenet │ │ │ │ │ ├── img │ │ │ │ │ │ ├── ILSVRC2012_test_00007239.JPEG │ │ │ │ │ │ ├── ILSVRC2012_test_00031325.JPEG │ │ │ │ │ │ ├── ILSVRC2012_test_00038546.JPEG │ │ │ │ │ │ ├── ILSVRC2012_test_00038608.JPEG │ │ │ │ │ │ ├── ILSVRC2012_test_00051208.JPEG │ │ │ │ │ │ ├── ILSVRC2012_test_00055197.JPEG │ │ │ │ │ │ ├── ILSVRC2012_test_00057270.JPEG │ │ │ │ │ │ ├── ILSVRC2012_test_00061469.JPEG │ │ │ │ │ │ ├── ILSVRC2012_test_00068490.JPEG │ │ │ │ │ │ ├── ILSVRC2012_test_00074872.JPEG │ │ │ │ │ │ ├── ILSVRC2012_test_00076650.JPEG │ │ │ │ │ │ ├── ILSVRC2012_test_00079136.JPEG │ │ │ │ │ │ ├── ILSVRC2012_test_00081141.JPEG │ │ │ │ │ │ ├── ILSVRC2012_test_00088244.JPEG │ │ │ │ │ │ └── ILSVRC2012_test_00098832.JPEG │ │ │ │ │ └── mask │ │ │ │ │ │ ├── mask_ILSVRC2012_test_00007239.png │ │ │ │ │ │ ├── mask_ILSVRC2012_test_00031325.png │ │ │ │ │ │ ├── mask_ILSVRC2012_test_00038546.png │ │ │ │ │ │ ├── mask_ILSVRC2012_test_00038608.png │ │ │ │ │ │ ├── mask_ILSVRC2012_test_00051208.png │ │ │ │ │ │ ├── mask_ILSVRC2012_test_00055197.png │ │ │ │ │ │ ├── mask_ILSVRC2012_test_00057270.png │ │ │ │ │ │ ├── mask_ILSVRC2012_test_00061469.png │ │ │ │ │ │ ├── mask_ILSVRC2012_test_00068490.png │ │ │ │ │ │ ├── mask_ILSVRC2012_test_00074872.png │ │ │ │ │ │ ├── mask_ILSVRC2012_test_00076650.png │ │ │ │ │ │ ├── mask_ILSVRC2012_test_00079136.png │ │ │ │ │ │ ├── mask_ILSVRC2012_test_00081141.png │ │ │ │ │ │ ├── mask_ILSVRC2012_test_00088244.png │ │ │ │ │ │ └── mask_ILSVRC2012_test_00098832.png │ │ │ │ └── places2 │ │ │ │ │ ├── img │ │ │ │ │ ├── Places365_test_00011914.jpg │ │ │ │ │ ├── Places365_test_00027890.jpg │ │ │ │ │ ├── Places365_test_00054598.jpg │ │ │ │ │ ├── Places365_test_00060508.jpg │ │ │ │ │ ├── Places365_test_00062927.jpg │ │ │ │ │ ├── Places365_test_00077923.jpg │ │ │ │ │ ├── Places365_test_00088998.jpg │ │ │ │ │ ├── Places365_test_00094308.jpg │ │ │ │ │ ├── Places365_test_00193369.jpg │ │ │ │ │ ├── Places365_test_00195617.jpg │ │ │ │ │ ├── Places365_test_00216720.jpg │ │ │ │ │ ├── Places365_test_00240745.jpg │ │ │ │ │ ├── Places365_test_00248483.jpg │ │ │ │ │ ├── Places365_test_00278728.jpg │ │ │ │ │ └── Places365_test_00287696.jpg │ │ │ │ │ └── mask │ │ │ │ │ ├── mask_Places365_test_00011914.png │ │ │ │ │ ├── mask_Places365_test_00027890.png │ │ │ │ │ ├── mask_Places365_test_00054598.png │ │ │ │ │ ├── mask_Places365_test_00060508.png │ │ │ │ │ ├── mask_Places365_test_00062927.png │ │ │ │ │ ├── mask_Places365_test_00077923.png │ │ │ │ │ ├── mask_Places365_test_00088998.png │ │ │ │ │ ├── mask_Places365_test_00094308.png │ │ │ │ │ ├── mask_Places365_test_00193369.png │ │ │ │ │ ├── mask_Places365_test_00195617.png │ │ │ │ │ ├── mask_Places365_test_00216720.png │ │ │ │ │ ├── mask_Places365_test_00240745.png │ │ │ │ │ ├── mask_Places365_test_00248483.png │ │ │ │ │ ├── mask_Places365_test_00278728.png │ │ │ │ │ └── mask_Places365_test_00287696.png │ │ │ │ ├── gui │ │ │ │ ├── logo │ │ │ │ │ ├── BTC_logo.png │ │ │ │ │ └── NTU_logo.jpg │ │ │ │ ├── ui_draw.py │ │ │ │ ├── ui_model.py │ │ │ │ ├── ui_win.py │ │ │ │ └── ui_window.ui │ │ │ │ ├── model │ │ │ │ ├── __init__.py │ │ │ │ ├── base_function.py │ │ │ │ ├── base_model.py │ │ │ │ ├── c_model.py │ │ │ │ ├── losses.py │ │ │ │ ├── lpips │ │ │ │ │ └── vgg.pth │ │ │ │ ├── networks.py │ │ │ │ ├── stylegan_ops │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── fused_act.py │ │ │ │ │ ├── fused_bias_act.cpp │ │ │ │ │ ├── fused_bias_act_kernel.cu │ │ │ │ │ ├── style_function.py │ │ │ │ │ ├── upfirdn2d.cpp │ │ │ │ │ ├── upfirdn2d.py │ │ │ │ │ └── upfirdn2d_kernel.cu │ │ │ │ ├── tc_model.py │ │ │ │ └── transformer_ops │ │ │ │ │ ├── position_embedding.py │ │ │ │ │ └── transformer_function.py │ │ │ │ ├── options │ │ │ │ ├── base_options.py │ │ │ │ ├── test_options.py │ │ │ │ └── train_options.py │ │ │ │ ├── scripts │ │ │ │ ├── test.sh │ │ │ │ ├── train.sh │ │ │ │ └── ui.sh │ │ │ │ ├── test.py │ │ │ │ ├── train.py │ │ │ │ ├── ui_main.py │ │ │ │ └── util │ │ │ │ ├── html.py │ │ │ │ ├── task.py │ │ │ │ ├── util.py │ │ │ │ └── visualizer.py │ │ ├── requirements.txt │ │ ├── resize_obj.py │ │ └── run.sh │ └── README.md ├── non_adv_robust_bench.sh └── resnet50_example.py ├── docker └── Dockerfile ├── docs └── README.md ├── download_data.sh ├── easyrobust ├── __init__.py ├── attacks │ ├── __init__.py │ ├── autoattack │ │ ├── __init__.py │ │ ├── autoattack.py │ │ ├── autopgd_base.py │ │ ├── checks.py │ │ ├── fab_base.py │ │ ├── fab_projections.py │ │ ├── fab_pt.py │ │ ├── other_utils.py │ │ └── square.py │ └── pgd.py ├── augmentations │ ├── __init__.py │ ├── aprs.py │ ├── augmax.py │ ├── augmix.py │ ├── cross_style.py │ └── random_style.py ├── benchmarks │ ├── __init__.py │ ├── adversarial │ │ ├── __init__.py │ │ ├── autoattack.py │ │ ├── imagenet_class_to_id_map.json │ │ └── imagenet_test_image_ids.txt │ ├── clean.py │ └── ood │ │ ├── __init__.py │ │ ├── imagenet_a.py │ │ ├── imagenet_c.py │ │ ├── imagenet_r.py │ │ ├── imagenet_sketch.py │ │ ├── imagenet_v2.py │ │ ├── objectnet.py │ │ └── stylized_imagenet.py ├── datasets │ ├── __init__.py │ ├── deepaugment_imagenet.py │ ├── imagenet.py │ └── stylized_imagenet.py ├── models │ ├── __init__.py │ ├── cifar10 │ │ └── robnet.py │ ├── clip_models.py │ ├── drvit.py │ ├── fan.py │ ├── gfnet.py │ ├── mae_vit.py │ ├── rvt.py │ └── wavecnet.py ├── modules │ ├── __init__.py │ ├── cross_norm.py │ ├── dwt_idwt.py │ ├── permute_adain.py │ ├── prime.py │ ├── self_norm.py │ └── switchable_bn.py ├── optimizer │ ├── __init__.py │ ├── esam.py │ ├── gsam.py │ └── sam.py ├── parallel │ ├── __init__.py │ └── utils.py └── third_party │ ├── __init__.py │ ├── adain.py │ ├── clip │ ├── __init__.py │ ├── bpe_simple_vocab_16e6.txt.gz │ ├── clip.py │ └── names_templates.py │ └── vqgan.py ├── examples ├── asr │ └── WAPAT │ │ ├── README.md │ │ ├── SpeechLM.py │ │ ├── modules.py │ │ ├── speechlm │ │ ├── __init__.py │ │ ├── config │ │ │ ├── decode │ │ │ │ ├── infer_fsqlm.yaml │ │ │ │ ├── infer_kenlm.yaml │ │ │ │ └── infer_viterbi.yaml │ │ │ └── finetune │ │ │ │ ├── speechlm_base_100h.yaml │ │ │ │ └── speechlm_large_960h.yaml │ │ ├── criterions │ │ │ ├── __init__.py │ │ │ ├── fasttext2unit_loss.py │ │ │ └── speechlm_criterion.py │ │ ├── data │ │ │ ├── concat_dataset.py │ │ │ ├── hubert_dataset.py │ │ │ ├── language_trible_dataset.py │ │ │ ├── load_langpair_dataset.py │ │ │ ├── multimodal_corpus_dataset.py │ │ │ └── text_to_unit_dataset.py │ │ ├── data_process │ │ │ ├── covost2 │ │ │ │ ├── mp3_to_wav.py │ │ │ │ └── prepare_covost_data.py │ │ │ ├── filter_paireddata_by_len.py │ │ │ ├── get_t2u_manifest.py │ │ │ ├── get_t2u_manifest_textonly.py │ │ │ ├── phoneize_with_sil.py │ │ │ ├── phoneme_tokenizer │ │ │ │ ├── ltr2kaldi_phn_sil025.py │ │ │ │ ├── mean5_and_std25_sil14_spn32.dict │ │ │ │ └── repeat_withou_insert_sil_less_4375.py │ │ │ ├── prepare_covost2_enxx.sh │ │ │ ├── prepare_phn2ltr_librilm.sh │ │ │ ├── txt2idx.sh │ │ │ └── wrd2ltr.py │ │ ├── fairseq │ │ │ ├── .circleci │ │ │ │ └── config.yml │ │ │ ├── .github │ │ │ │ ├── ISSUE_TEMPLATE.md │ │ │ │ ├── ISSUE_TEMPLATE │ │ │ │ │ ├── bug_report.md │ │ │ │ │ ├── documentation.md │ │ │ │ │ ├── feature_request.md │ │ │ │ │ └── how-to-question.md │ │ │ │ ├── PULL_REQUEST_TEMPLATE.md │ │ │ │ ├── stale.yml │ │ │ │ └── workflows │ │ │ │ │ ├── build.yml │ │ │ │ │ └── build_wheels.yml │ │ │ ├── .gitignore │ │ │ ├── .gitmodules │ │ │ ├── .isort.cfg │ │ │ ├── .pre-commit-config.yaml │ │ │ ├── README.md │ │ │ ├── fairseq │ │ │ │ ├── __init__.py │ │ │ │ ├── criterions │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── ctc.py │ │ │ │ └── tasks │ │ │ │ │ ├── WavAugment.py │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── aug.py │ │ │ │ │ ├── fairseq_task.py │ │ │ │ │ └── wapat.py │ │ │ └── train.py │ │ ├── generate_unit.py │ │ ├── infer.py │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── fasttext2unit.py │ │ │ ├── speechlm.py │ │ │ ├── speechlm_ctcasr.py │ │ │ └── speechlm_st.py │ │ ├── modules │ │ │ ├── __init__.py │ │ │ ├── learned_positional_embedding.py │ │ │ ├── multihead_attention.py │ │ │ ├── relative_pos_enc.py │ │ │ ├── transformer_decoder.py │ │ │ ├── transformer_encoder.py │ │ │ ├── transformer_layer.py │ │ │ └── w2v_encoder.py │ │ ├── scripts │ │ │ └── tune_speechlm_asr │ │ │ │ ├── finetune_base_ctc.sh │ │ │ │ ├── finetune_large_ctc.sh │ │ │ │ ├── inference_ctc.sh │ │ │ │ ├── inference_ctc_kenlm.sh │ │ │ │ ├── inference_ctc_large.sh │ │ │ │ └── inference_ctc_large_fsqlm.sh │ │ ├── tasks │ │ │ ├── fast_text_to_unit.py │ │ │ └── joint_sc2t_pretrain.py │ │ └── unit_generator.py │ │ └── wapat.png ├── attacks │ ├── dmmia_inversion │ │ ├── Dockerfile │ │ ├── LICENSE │ │ ├── LSGM │ │ │ ├── LICENSE │ │ │ ├── README.md │ │ │ ├── diffusion_continuous.py │ │ │ ├── diffusion_discretized.py │ │ │ ├── evaluate_diffusion.py │ │ │ ├── evaluate_vada.py │ │ │ ├── evaluate_vae.py │ │ │ ├── fid │ │ │ │ ├── LICENSE_pytorch_fid │ │ │ │ ├── __init__.py │ │ │ │ ├── fid_score.py │ │ │ │ └── inception.py │ │ │ ├── img │ │ │ │ └── LSGM.png │ │ │ ├── layers │ │ │ │ ├── .ipynb_checkpoints │ │ │ │ │ ├── cells-checkpoint.py │ │ │ │ │ └── neural_operations-checkpoint.py │ │ │ │ ├── __init__.py │ │ │ │ ├── __pycache__ │ │ │ │ │ ├── __init__.cpython-38.pyc │ │ │ │ │ ├── cells.cpython-38.pyc │ │ │ │ │ ├── neural_ar_operations.cpython-38.pyc │ │ │ │ │ └── neural_operations.cpython-38.pyc │ │ │ │ ├── cells.py │ │ │ │ ├── neural_ar_operations.py │ │ │ │ └── neural_operations.py │ │ │ ├── nvae.py │ │ │ ├── requirements.txt │ │ │ ├── score_sde │ │ │ │ ├── __init__.py │ │ │ │ ├── layers.py │ │ │ │ ├── layerspp.py │ │ │ │ ├── ncsnpp.py │ │ │ │ ├── normalization.py │ │ │ │ ├── op │ │ │ │ │ ├── LICENSE_MIT │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── fused_act.py │ │ │ │ │ ├── fused_bias_act.cpp │ │ │ │ │ ├── fused_bias_act_kernel.cu │ │ │ │ │ ├── upfirdn2d.cpp │ │ │ │ │ ├── upfirdn2d.py │ │ │ │ │ └── upfirdn2d_kernel.cu │ │ │ │ └── up_or_down_sampling.py │ │ │ ├── scripts │ │ │ │ ├── Dockerfile │ │ │ │ ├── convert_tfrecord_to_lmdb.py │ │ │ │ ├── create_celeba64_lmdb.py │ │ │ │ ├── create_ffhq_lmdb.py │ │ │ │ └── precompute_fid_statistics.py │ │ │ ├── thirdparty │ │ │ │ ├── .ipynb_checkpoints │ │ │ │ │ └── inplaced_sync_batchnorm-checkpoint.py │ │ │ │ ├── LICENSE_PyTorch │ │ │ │ ├── LICENSE_apache │ │ │ │ ├── LICENSE_torchvision │ │ │ │ ├── __init__.py │ │ │ │ ├── __pycache__ │ │ │ │ │ ├── __init__.cpython-38.pyc │ │ │ │ │ ├── adamax.cpython-38.pyc │ │ │ │ │ ├── checkpoint.cpython-38.pyc │ │ │ │ │ ├── functions.cpython-38.pyc │ │ │ │ │ ├── inplaced_sync_batchnorm.cpython-38.pyc │ │ │ │ │ └── swish.cpython-38.pyc │ │ │ │ ├── adamax.py │ │ │ │ ├── checkpoint.py │ │ │ │ ├── functions.py │ │ │ │ ├── inplaced_sync_batchnorm.py │ │ │ │ ├── lsun.py │ │ │ │ └── swish.py │ │ │ ├── train_vada.py │ │ │ ├── train_vae.py │ │ │ ├── training_obj_disjoint.py │ │ │ ├── training_obj_joint.py │ │ │ └── util │ │ │ │ ├── .ipynb_checkpoints │ │ │ │ ├── distributions-checkpoint.py │ │ │ │ └── utils-checkpoint.py │ │ │ │ ├── __init__.py │ │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-37.pyc │ │ │ │ ├── __init__.cpython-38.pyc │ │ │ │ ├── distributions.cpython-38.pyc │ │ │ │ ├── utils.cpython-37.pyc │ │ │ │ └── utils.cpython-38.pyc │ │ │ │ ├── datasets.py │ │ │ │ ├── distributions.py │ │ │ │ ├── ema.py │ │ │ │ ├── lmdb_datasets.py │ │ │ │ ├── sr_utils.py │ │ │ │ └── utils.py │ │ ├── README.md │ │ ├── attack.py │ │ ├── attacks │ │ │ ├── .ipynb_checkpoints │ │ │ │ ├── final_selection-checkpoint.py │ │ │ │ ├── nvae-checkpoint.py │ │ │ │ └── optimize-checkpoint.py │ │ │ ├── __init__.py │ │ │ ├── final_selection.py │ │ │ ├── initial_selection.py │ │ │ ├── optimize.py │ │ │ └── randomizations.py │ │ ├── configs │ │ │ ├── attacking │ │ │ │ ├── .ipynb_checkpoints │ │ │ │ │ └── CelebA_FFHQ-checkpoint.yaml │ │ │ │ ├── CelebA_FFHQ.yaml │ │ │ │ ├── CelebA_MetFaces.yaml │ │ │ │ ├── FaceScrub_FFHQ.yaml │ │ │ │ ├── FaceScrub_MetFaces.yaml │ │ │ │ ├── Stanford_Dogs_AFHQ.yaml │ │ │ │ └── default_attacking.yaml │ │ │ └── training │ │ │ │ ├── default_training.yaml │ │ │ │ ├── evaluation │ │ │ │ ├── Inception_V3_FaceScrub.yaml │ │ │ │ ├── Inception_V3_Stanford_Dogs.yaml │ │ │ │ └── Inception_v3_CelebA.yaml │ │ │ │ └── targets │ │ │ │ ├── .ipynb_checkpoints │ │ │ │ └── ResNeSt101_CelebA-checkpoint.yaml │ │ │ │ ├── ResNeSt101_CelebA.yaml │ │ │ │ ├── ResNeSt101_FaceScrub.yaml │ │ │ │ └── ResNeSt101_Stanford_Dogs.yaml │ │ ├── datasets │ │ │ ├── .ipynb_checkpoints │ │ │ │ └── celeba-checkpoint.py │ │ │ ├── celeba.py │ │ │ ├── custom_subset.py │ │ │ ├── facescrub.py │ │ │ └── stanford_dogs.py │ │ ├── dm.py │ │ ├── dmmia.png │ │ ├── kip.py │ │ ├── losses │ │ │ └── poincare.py │ │ ├── metrics │ │ │ ├── .ipynb_checkpoints │ │ │ │ ├── accuracy-checkpoint.py │ │ │ │ ├── classification_acc-checkpoint.py │ │ │ │ └── fid_score-checkpoint.py │ │ │ ├── accuracy.py │ │ │ ├── base_metric.py │ │ │ ├── classification_acc.py │ │ │ ├── distance_metrics.py │ │ │ ├── fid_score.py │ │ │ └── prcd.py │ │ ├── models │ │ │ ├── .ipynb_checkpoints │ │ │ │ ├── base_model-checkpoint.py │ │ │ │ └── classifier-checkpoint.py │ │ │ ├── base_model.py │ │ │ └── classifier.py │ │ ├── requirements.txt │ │ ├── sde.py │ │ ├── train_target.py │ │ └── utils │ │ │ ├── .ipynb_checkpoints │ │ │ ├── attack_config_parser-checkpoint.py │ │ │ ├── training_config_parser-checkpoint.py │ │ │ └── wandb-checkpoint.py │ │ │ ├── attack_config_parser.py │ │ │ ├── datasets.py │ │ │ ├── files │ │ │ ├── facescrub_class_to_idx.pkl │ │ │ ├── facescrub_idx_to_class.pkl │ │ │ ├── stanford_dogs_class_to_idx.pkl │ │ │ └── stanford_dogs_idx_to_class.pkl │ │ │ ├── stylegan.py │ │ │ ├── training_config_parser.py │ │ │ └── wandb.py │ ├── dra │ │ ├── README.md │ │ ├── attack.py │ │ ├── attack.sh │ │ ├── attackutils.py │ │ ├── dataset.py │ │ ├── eval.sh │ │ ├── imagenet_class_to_idx.npy │ │ ├── models │ │ │ ├── .gitkeep │ │ │ ├── densenet.py │ │ │ ├── resnet.py │ │ │ └── vgg.py │ │ ├── target.png │ │ ├── utils_data.py │ │ ├── utils_sgm.py │ │ └── validate.py │ ├── inequality │ │ ├── README.md │ │ ├── imgs │ │ │ ├── fig1.png │ │ │ ├── fig2.png │ │ │ └── fig3.jpg │ │ ├── index.py │ │ ├── inequality_test.py │ │ ├── noise_eval.py │ │ ├── occlusion_eval.py │ │ ├── requirements.txt │ │ ├── saliency_example.py │ │ ├── utils.py │ │ ├── vis_tools │ │ │ ├── integrated_gradients-3.py │ │ │ ├── misc_functions.py │ │ │ └── smooth_grad.py │ │ ├── visualization.py │ │ └── visualize.py │ └── transaudio │ │ ├── README.md │ │ ├── espnet │ │ ├── .coveragerc │ │ ├── .dockerignore │ │ ├── .github │ │ │ ├── ISSUE_TEMPLATE │ │ │ │ ├── bug_report.md │ │ │ │ └── installation-issue-template.md │ │ │ ├── stale.yml │ │ │ └── workflows │ │ │ │ ├── centos7.yml │ │ │ │ ├── ci.yaml │ │ │ │ ├── debian9.yml │ │ │ │ ├── doc.yml │ │ │ │ └── pythonpublish.yml │ │ ├── .gitignore │ │ ├── .gitmodules │ │ ├── .mergify.yml │ │ ├── doc │ │ │ ├── .gitignore │ │ │ ├── Makefile │ │ │ ├── README.md │ │ │ ├── apis │ │ │ │ ├── espnet2_bin.rst │ │ │ │ ├── espnet_bin.rst │ │ │ │ ├── utils_py.rst │ │ │ │ └── utils_sh.rst │ │ │ ├── argparse2rst.py │ │ │ ├── conf.py │ │ │ ├── docker.md │ │ │ ├── espnet2_distributed.md │ │ │ ├── espnet2_task.md │ │ │ ├── espnet2_training_option.md │ │ │ ├── espnet2_tutorial.md │ │ │ ├── faq.md │ │ │ ├── image │ │ │ │ └── espnet_logo1.png │ │ │ ├── index.rst │ │ │ ├── installation.md │ │ │ ├── make.bat │ │ │ ├── module2rst.py │ │ │ ├── parallelization.md │ │ │ ├── tutorial.md │ │ │ └── usage2rst.sh │ │ ├── egs2 │ │ │ ├── TEMPLATE │ │ │ │ ├── README.md │ │ │ │ ├── asr1 │ │ │ │ │ ├── asr.sh │ │ │ │ │ ├── cmd.sh │ │ │ │ │ ├── conf │ │ │ │ │ │ ├── fbank.conf │ │ │ │ │ │ ├── pbs.conf │ │ │ │ │ │ ├── pitch.conf │ │ │ │ │ │ ├── queue.conf │ │ │ │ │ │ └── slurm.conf │ │ │ │ │ ├── db.sh │ │ │ │ │ ├── local │ │ │ │ │ │ └── path.sh │ │ │ │ │ ├── path.sh │ │ │ │ │ ├── pyscripts │ │ │ │ │ │ ├── audio │ │ │ │ │ │ │ └── format_wav_scp.py │ │ │ │ │ │ ├── feats │ │ │ │ │ │ │ └── feat-to-shape.py │ │ │ │ │ │ └── utils │ │ │ │ │ │ │ ├── evaluate_mcd.py │ │ │ │ │ │ │ ├── get_yaml.py │ │ │ │ │ │ │ ├── make_token_list_from_config.py │ │ │ │ │ │ │ ├── plot_sinc_filters.py │ │ │ │ │ │ │ └── print_args.py │ │ │ │ │ ├── scripts │ │ │ │ │ │ ├── audio │ │ │ │ │ │ │ └── format_wav_scp.sh │ │ │ │ │ │ ├── feats │ │ │ │ │ │ │ ├── feat_to_shape.sh │ │ │ │ │ │ │ ├── make_fbank.sh │ │ │ │ │ │ │ └── make_stft.sh │ │ │ │ │ │ └── utils │ │ │ │ │ │ │ ├── download_from_google_drive.sh │ │ │ │ │ │ │ ├── perturb_data_dir_speed.sh │ │ │ │ │ │ │ └── show_asr_result.sh │ │ │ │ │ ├── setup.sh │ │ │ │ │ ├── steps │ │ │ │ │ └── utils │ │ │ │ ├── diar1 │ │ │ │ │ ├── cmd.sh │ │ │ │ │ ├── conf │ │ │ │ │ │ ├── pbs.conf │ │ │ │ │ │ ├── queue.conf │ │ │ │ │ │ └── slurm.conf │ │ │ │ │ ├── db.sh │ │ │ │ │ ├── diar.sh │ │ │ │ │ ├── local │ │ │ │ │ │ └── path.sh │ │ │ │ │ ├── path.sh │ │ │ │ │ ├── pyscripts │ │ │ │ │ │ ├── audio │ │ │ │ │ │ ├── feats │ │ │ │ │ │ └── utils │ │ │ │ │ │ │ ├── convert_rttm.py │ │ │ │ │ │ │ ├── get_yaml.py │ │ │ │ │ │ │ ├── make_rttm.py │ │ │ │ │ │ │ └── print_args.py │ │ │ │ │ ├── scripts │ │ │ │ │ │ ├── audio │ │ │ │ │ │ ├── feats │ │ │ │ │ │ └── utils │ │ │ │ │ │ │ ├── TEMPLATE_HF_Readme.md │ │ │ │ │ │ │ ├── TEMPLATE_Readme.md │ │ │ │ │ │ │ ├── create_README_file.py │ │ │ │ │ │ │ ├── get_model_names.py │ │ │ │ │ │ │ ├── score_der.sh │ │ │ │ │ │ │ ├── show_diar_result.sh │ │ │ │ │ │ │ └── upload_models_to_hub.sh │ │ │ │ │ ├── setup.sh │ │ │ │ │ ├── steps │ │ │ │ │ └── utils │ │ │ │ ├── enh1 │ │ │ │ │ ├── README.md │ │ │ │ │ ├── cmd.sh │ │ │ │ │ ├── conf │ │ │ │ │ │ ├── pbs.conf │ │ │ │ │ │ ├── queue.conf │ │ │ │ │ │ └── slurm.conf │ │ │ │ │ ├── db.sh │ │ │ │ │ ├── enh.sh │ │ │ │ │ ├── local │ │ │ │ │ │ └── path.sh │ │ │ │ │ ├── path.sh │ │ │ │ │ ├── pyscripts │ │ │ │ │ ├── scripts │ │ │ │ │ │ ├── audio │ │ │ │ │ │ ├── feats │ │ │ │ │ │ └── utils │ │ │ │ │ │ │ ├── perturb_enh_data_dir_speed.sh │ │ │ │ │ │ │ └── show_enh_score.sh │ │ │ │ │ ├── setup.sh │ │ │ │ │ ├── steps │ │ │ │ │ └── utils │ │ │ │ └── tts1 │ │ │ │ │ ├── README.md │ │ │ │ │ ├── cmd.sh │ │ │ │ │ ├── conf │ │ │ │ │ ├── mfcc.conf │ │ │ │ │ ├── pbs.conf │ │ │ │ │ ├── queue.conf │ │ │ │ │ ├── slurm.conf │ │ │ │ │ └── vad.conf │ │ │ │ │ ├── db.sh │ │ │ │ │ ├── local │ │ │ │ │ └── path.sh │ │ │ │ │ ├── path.sh │ │ │ │ │ ├── pyscripts │ │ │ │ │ ├── scripts │ │ │ │ │ ├── setup.sh │ │ │ │ │ ├── sid │ │ │ │ │ ├── steps │ │ │ │ │ ├── tts.sh │ │ │ │ │ └── utils │ │ │ ├── aishell │ │ │ │ └── asr1 │ │ │ │ │ ├── asr.sh │ │ │ │ │ ├── cmd.sh │ │ │ │ │ ├── conf │ │ │ │ │ ├── decode_asr_rnn.yaml │ │ │ │ │ ├── decode_asr_streaming.yaml │ │ │ │ │ ├── decode_asr_transformer.yaml │ │ │ │ │ ├── decode_asr_transformer_ngram.yaml │ │ │ │ │ ├── fbank.conf │ │ │ │ │ ├── pbs.conf │ │ │ │ │ ├── pitch.conf │ │ │ │ │ ├── queue.conf │ │ │ │ │ ├── slurm.conf │ │ │ │ │ ├── train_asr_conformer.yaml │ │ │ │ │ ├── train_asr_rnn.yaml │ │ │ │ │ ├── train_asr_streaming_transformer.yaml │ │ │ │ │ ├── train_asr_transformer.yaml │ │ │ │ │ ├── train_lm.yaml │ │ │ │ │ ├── train_lm_transformer.yaml │ │ │ │ │ └── tuning │ │ │ │ │ │ ├── train_asr_conformer.yaml │ │ │ │ │ │ ├── train_asr_transformer.yaml │ │ │ │ │ │ ├── train_asr_transformer2.yaml │ │ │ │ │ │ ├── train_asr_transformer3.yaml │ │ │ │ │ │ ├── train_asr_transformer_lr0.002.yaml │ │ │ │ │ │ ├── train_lm_rnn.yaml │ │ │ │ │ │ ├── train_lm_rnn2.yaml │ │ │ │ │ │ └── train_lm_transformer.yaml │ │ │ │ │ ├── local │ │ │ │ │ ├── data.sh │ │ │ │ │ ├── download_and_untar.sh │ │ │ │ │ └── path.sh │ │ │ │ │ ├── path.sh │ │ │ │ │ ├── pyscripts │ │ │ │ │ └── run.sh │ │ │ ├── librispeech │ │ │ │ └── asr1 │ │ │ │ │ ├── README.md │ │ │ │ │ ├── asr.sh │ │ │ │ │ ├── cmd.sh │ │ │ │ │ ├── conf │ │ │ │ │ ├── decode_asr.yaml │ │ │ │ │ ├── fbank.conf │ │ │ │ │ ├── pbs.conf │ │ │ │ │ ├── pitch.conf │ │ │ │ │ ├── queue.conf │ │ │ │ │ ├── slurm.conf │ │ │ │ │ ├── train_asr_confformer.yaml │ │ │ │ │ ├── train_asr_transformer.yaml │ │ │ │ │ ├── train_lm_transformer.yaml │ │ │ │ │ ├── train_rnn_lm.yaml │ │ │ │ │ └── tuning │ │ │ │ │ │ ├── train_asr_conformer.yaml │ │ │ │ │ │ ├── train_asr_conformer4.yaml │ │ │ │ │ │ ├── train_asr_conformer5.yaml │ │ │ │ │ │ ├── train_asr_conformer6_n_fft400_hop_length160.yaml │ │ │ │ │ │ ├── train_asr_conformer6_n_fft512_hop_length128.yaml │ │ │ │ │ │ ├── train_asr_conformer6_n_fft512_hop_length256.yaml │ │ │ │ │ │ ├── train_asr_conformer7_n_fft512_hop_length256.yaml │ │ │ │ │ │ ├── train_asr_transformer.yaml │ │ │ │ │ │ ├── train_asr_transformer3.yaml │ │ │ │ │ │ ├── train_asr_transformer3_w2v_large_lv60_960h_finetuning_last_1layer.yaml │ │ │ │ │ │ ├── train_lm_adam.yaml │ │ │ │ │ │ └── train_lm_transformer2.yaml │ │ │ │ │ ├── db.sh │ │ │ │ │ ├── local │ │ │ │ │ ├── data.sh │ │ │ │ │ ├── data_prep.sh │ │ │ │ │ ├── download_and_untar.sh │ │ │ │ │ └── path.sh │ │ │ │ │ ├── meta.yaml │ │ │ │ │ ├── path.sh │ │ │ │ │ ├── pyscripts │ │ │ │ │ ├── audio │ │ │ │ │ │ └── format_wav_scp.py │ │ │ │ │ ├── feats │ │ │ │ │ │ └── feat-to-shape.py │ │ │ │ │ └── utils │ │ │ │ │ │ ├── evaluate_mcd.py │ │ │ │ │ │ ├── get_yaml.py │ │ │ │ │ │ ├── make_token_list_from_config.py │ │ │ │ │ │ ├── plot_sinc_filters.py │ │ │ │ │ │ └── print_args.py │ │ │ │ │ ├── run.sh │ │ │ │ │ └── scripts │ │ │ │ │ ├── audio │ │ │ │ │ └── format_wav_scp.sh │ │ │ │ │ ├── feats │ │ │ │ │ ├── feat_to_shape.sh │ │ │ │ │ ├── make_fbank.sh │ │ │ │ │ └── make_stft.sh │ │ │ │ │ └── utils │ │ │ │ │ ├── download_from_google_drive.sh │ │ │ │ │ ├── perturb_data_dir_speed.sh │ │ │ │ │ └── show_asr_result.sh │ │ │ └── mls │ │ │ │ └── asr1 │ │ │ │ ├── RESULTS.md │ │ │ │ ├── asr.sh │ │ │ │ ├── cmd.sh │ │ │ │ ├── conf │ │ │ │ ├── decode_asr.yaml │ │ │ │ ├── fbank.conf │ │ │ │ ├── pbs.conf │ │ │ │ ├── pitch.conf │ │ │ │ ├── queue.conf │ │ │ │ ├── slurm.conf │ │ │ │ ├── train_asr.yaml │ │ │ │ ├── train_lm.yaml │ │ │ │ └── tuning │ │ │ │ │ ├── decode_rnn.yaml │ │ │ │ │ ├── decode_transformer.yaml │ │ │ │ │ ├── train_asr_conformer.yaml │ │ │ │ │ ├── train_asr_rnn.yaml │ │ │ │ │ └── train_asr_transformer.yaml │ │ │ │ ├── local │ │ │ │ ├── data.sh │ │ │ │ ├── data_prep.py │ │ │ │ ├── download_and_untar.sh │ │ │ │ └── path.sh │ │ │ │ ├── path.sh │ │ │ │ ├── pyscripts │ │ │ │ ├── run.sh │ │ │ │ ├── scripts │ │ │ │ ├── setup.sh │ │ │ │ ├── steps │ │ │ │ └── utils │ │ ├── espnet │ │ │ ├── __init__.py │ │ │ ├── asr │ │ │ │ ├── __init__.py │ │ │ │ ├── asr_mix_utils.py │ │ │ │ ├── asr_utils.py │ │ │ │ ├── chainer_backend │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── asr.py │ │ │ │ └── pytorch_backend │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── asr.py │ │ │ │ │ ├── asr_init.py │ │ │ │ │ ├── asr_mix.py │ │ │ │ │ └── recog.py │ │ │ ├── bin │ │ │ │ ├── __init__.py │ │ │ │ ├── asr_align.py │ │ │ │ ├── asr_enhance.py │ │ │ │ ├── asr_recog.py │ │ │ │ ├── asr_train.py │ │ │ │ ├── lm_train.py │ │ │ │ ├── mt_train.py │ │ │ │ ├── mt_trans.py │ │ │ │ ├── st_train.py │ │ │ │ ├── st_trans.py │ │ │ │ ├── tts_decode.py │ │ │ │ ├── tts_train.py │ │ │ │ ├── vc_decode.py │ │ │ │ └── vc_train.py │ │ │ ├── lm │ │ │ │ ├── __init__.py │ │ │ │ ├── chainer_backend │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── extlm.py │ │ │ │ │ └── lm.py │ │ │ │ ├── lm_utils.py │ │ │ │ └── pytorch_backend │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── extlm.py │ │ │ │ │ └── lm.py │ │ │ ├── mt │ │ │ │ ├── __init__.py │ │ │ │ ├── mt_utils.py │ │ │ │ └── pytorch_backend │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── mt.py │ │ │ ├── nets │ │ │ │ ├── __init__.py │ │ │ │ ├── asr_interface.py │ │ │ │ ├── batch_beam_search.py │ │ │ │ ├── batch_beam_search_online_sim.py │ │ │ │ ├── beam_search.py │ │ │ │ ├── beam_search_transducer.py │ │ │ │ ├── chainer_backend │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── asr_interface.py │ │ │ │ │ ├── ctc.py │ │ │ │ │ ├── deterministic_embed_id.py │ │ │ │ │ ├── e2e_asr.py │ │ │ │ │ ├── e2e_asr_transformer.py │ │ │ │ │ ├── nets_utils.py │ │ │ │ │ ├── rnn │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── attentions.py │ │ │ │ │ │ ├── decoders.py │ │ │ │ │ │ ├── encoders.py │ │ │ │ │ │ └── training.py │ │ │ │ │ └── transformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── attention.py │ │ │ │ │ │ ├── ctc.py │ │ │ │ │ │ ├── decoder.py │ │ │ │ │ │ ├── decoder_layer.py │ │ │ │ │ │ ├── embedding.py │ │ │ │ │ │ ├── encoder.py │ │ │ │ │ │ ├── encoder_layer.py │ │ │ │ │ │ ├── label_smoothing_loss.py │ │ │ │ │ │ ├── layer_norm.py │ │ │ │ │ │ ├── mask.py │ │ │ │ │ │ ├── positionwise_feed_forward.py │ │ │ │ │ │ ├── subsampling.py │ │ │ │ │ │ └── training.py │ │ │ │ ├── ctc_prefix_score.py │ │ │ │ ├── e2e_asr_common.py │ │ │ │ ├── e2e_mt_common.py │ │ │ │ ├── lm_interface.py │ │ │ │ ├── mt_interface.py │ │ │ │ ├── pytorch_backend │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── conformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── argument.py │ │ │ │ │ │ ├── convolution.py │ │ │ │ │ │ ├── encoder.py │ │ │ │ │ │ ├── encoder_layer.py │ │ │ │ │ │ └── swish.py │ │ │ │ │ ├── ctc.py │ │ │ │ │ ├── e2e_asr.py │ │ │ │ │ ├── e2e_asr_conformer.py │ │ │ │ │ ├── e2e_asr_maskctc.py │ │ │ │ │ ├── e2e_asr_mix.py │ │ │ │ │ ├── e2e_asr_mix_transformer.py │ │ │ │ │ ├── e2e_asr_mulenc.py │ │ │ │ │ ├── e2e_asr_transducer.py │ │ │ │ │ ├── e2e_asr_transformer.py │ │ │ │ │ ├── e2e_mt.py │ │ │ │ │ ├── e2e_mt_transformer.py │ │ │ │ │ ├── e2e_st.py │ │ │ │ │ ├── e2e_st_conformer.py │ │ │ │ │ ├── e2e_st_transformer.py │ │ │ │ │ ├── e2e_tts_fastspeech.py │ │ │ │ │ ├── e2e_tts_tacotron2.py │ │ │ │ │ ├── e2e_tts_transformer.py │ │ │ │ │ ├── e2e_vc_tacotron2.py │ │ │ │ │ ├── e2e_vc_transformer.py │ │ │ │ │ ├── fastspeech │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── duration_calculator.py │ │ │ │ │ │ ├── duration_predictor.py │ │ │ │ │ │ └── length_regulator.py │ │ │ │ │ ├── frontends │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── beamformer.py │ │ │ │ │ │ ├── dnn_beamformer.py │ │ │ │ │ │ ├── dnn_wpe.py │ │ │ │ │ │ ├── feature_transform.py │ │ │ │ │ │ ├── frontend.py │ │ │ │ │ │ └── mask_estimator.py │ │ │ │ │ ├── gtn_ctc.py │ │ │ │ │ ├── initialization.py │ │ │ │ │ ├── lm │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── default.py │ │ │ │ │ │ ├── seq_rnn.py │ │ │ │ │ │ └── transformer.py │ │ │ │ │ ├── maskctc │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── add_mask_token.py │ │ │ │ │ │ └── mask.py │ │ │ │ │ ├── nets_utils.py │ │ │ │ │ ├── rnn │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── argument.py │ │ │ │ │ │ ├── attentions.py │ │ │ │ │ │ ├── decoders.py │ │ │ │ │ │ └── encoders.py │ │ │ │ │ ├── streaming │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── segment.py │ │ │ │ │ │ └── window.py │ │ │ │ │ ├── tacotron2 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── cbhg.py │ │ │ │ │ │ ├── decoder.py │ │ │ │ │ │ └── encoder.py │ │ │ │ │ ├── transducer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── arguments.py │ │ │ │ │ │ ├── auxiliary_task.py │ │ │ │ │ │ ├── blocks.py │ │ │ │ │ │ ├── causal_conv1d.py │ │ │ │ │ │ ├── custom_decoder.py │ │ │ │ │ │ ├── custom_encoder.py │ │ │ │ │ │ ├── error_calculator.py │ │ │ │ │ │ ├── initializer.py │ │ │ │ │ │ ├── joint_network.py │ │ │ │ │ │ ├── loss.py │ │ │ │ │ │ ├── rnn_decoder.py │ │ │ │ │ │ ├── rnn_encoder.py │ │ │ │ │ │ ├── tdnn.py │ │ │ │ │ │ ├── transformer_decoder_layer.py │ │ │ │ │ │ ├── utils.py │ │ │ │ │ │ └── vgg2l.py │ │ │ │ │ ├── transformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── add_sos_eos.py │ │ │ │ │ │ ├── argument.py │ │ │ │ │ │ ├── attention.py │ │ │ │ │ │ ├── contextual_block_encoder_layer.py │ │ │ │ │ │ ├── decoder.py │ │ │ │ │ │ ├── decoder_layer.py │ │ │ │ │ │ ├── dynamic_conv.py │ │ │ │ │ │ ├── dynamic_conv2d.py │ │ │ │ │ │ ├── embedding.py │ │ │ │ │ │ ├── encoder.py │ │ │ │ │ │ ├── encoder_layer.py │ │ │ │ │ │ ├── encoder_mix.py │ │ │ │ │ │ ├── initializer.py │ │ │ │ │ │ ├── label_smoothing_loss.py │ │ │ │ │ │ ├── layer_norm.py │ │ │ │ │ │ ├── lightconv.py │ │ │ │ │ │ ├── lightconv2d.py │ │ │ │ │ │ ├── mask.py │ │ │ │ │ │ ├── multi_layer_conv.py │ │ │ │ │ │ ├── optimizer.py │ │ │ │ │ │ ├── plot.py │ │ │ │ │ │ ├── positionwise_feed_forward.py │ │ │ │ │ │ ├── repeat.py │ │ │ │ │ │ ├── subsampling.py │ │ │ │ │ │ └── subsampling_without_posenc.py │ │ │ │ │ └── wavenet.py │ │ │ │ ├── scorer_interface.py │ │ │ │ ├── scorers │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── ctc.py │ │ │ │ │ ├── length_bonus.py │ │ │ │ │ └── ngram.py │ │ │ │ ├── st_interface.py │ │ │ │ ├── transducer_decoder_interface.py │ │ │ │ └── tts_interface.py │ │ │ ├── optimizer │ │ │ │ ├── __init__.py │ │ │ │ ├── chainer.py │ │ │ │ ├── factory.py │ │ │ │ ├── parser.py │ │ │ │ └── pytorch.py │ │ │ ├── scheduler │ │ │ │ ├── __init__.py │ │ │ │ ├── chainer.py │ │ │ │ ├── pytorch.py │ │ │ │ └── scheduler.py │ │ │ ├── transform │ │ │ │ ├── __init__.py │ │ │ │ ├── add_deltas.py │ │ │ │ ├── channel_selector.py │ │ │ │ ├── cmvn.py │ │ │ │ ├── functional.py │ │ │ │ ├── perturb.py │ │ │ │ ├── spec_augment.py │ │ │ │ ├── spectrogram.py │ │ │ │ ├── transform_interface.py │ │ │ │ ├── transformation.py │ │ │ │ └── wpe.py │ │ │ ├── utils │ │ │ │ ├── __init__.py │ │ │ │ ├── check_kwargs.py │ │ │ │ ├── cli_readers.py │ │ │ │ ├── cli_utils.py │ │ │ │ ├── cli_writers.py │ │ │ │ ├── dataset.py │ │ │ │ ├── deterministic_utils.py │ │ │ │ ├── dynamic_import.py │ │ │ │ ├── fill_missing_args.py │ │ │ │ ├── io_utils.py │ │ │ │ ├── spec_augment.py │ │ │ │ └── training │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── batchfy.py │ │ │ │ │ ├── evaluator.py │ │ │ │ │ ├── iterators.py │ │ │ │ │ ├── tensorboard_logger.py │ │ │ │ │ └── train_utils.py │ │ │ └── version.txt │ │ └── espnet2 │ │ │ ├── API_asr │ │ │ └── api_asr.py │ │ │ ├── __init__.py │ │ │ ├── asr │ │ │ ├── __init__.py │ │ │ ├── asr_mix_utils.py │ │ │ ├── asr_utils.py │ │ │ ├── chainer_backend │ │ │ │ ├── __init__.py │ │ │ │ └── asr.py │ │ │ ├── ctc.py │ │ │ ├── decoder │ │ │ │ ├── __init__.py │ │ │ │ ├── abs_decoder.py │ │ │ │ ├── rnn_decoder.py │ │ │ │ └── transformer_decoder.py │ │ │ ├── encoder │ │ │ │ ├── __init__.py │ │ │ │ ├── abs_encoder.py │ │ │ │ ├── conformer_encoder.py │ │ │ │ ├── contextual_block_transformer_encoder.py │ │ │ │ ├── rnn_encoder.py │ │ │ │ ├── transformer_encoder.py │ │ │ │ ├── vgg_rnn_encoder.py │ │ │ │ └── wav2vec2_encoder.py │ │ │ ├── espnet_model.py │ │ │ ├── frontend │ │ │ │ ├── __init__.py │ │ │ │ ├── abs_frontend.py │ │ │ │ ├── default.py │ │ │ │ ├── s3prl.py │ │ │ │ └── windowing.py │ │ │ ├── preencoder │ │ │ │ ├── __init__.py │ │ │ │ ├── abs_preencoder.py │ │ │ │ ├── linear.py │ │ │ │ └── sinc.py │ │ │ ├── pytorch_backend │ │ │ │ ├── __init__.py │ │ │ │ ├── asr.py │ │ │ │ ├── asr_init.py │ │ │ │ ├── asr_mix.py │ │ │ │ └── recog.py │ │ │ └── specaug │ │ │ │ ├── __init__.py │ │ │ │ ├── abs_specaug.py │ │ │ │ └── specaug.py │ │ │ ├── attack │ │ │ ├── black_attack.py │ │ │ ├── ldist.py │ │ │ └── ldist_test.py │ │ │ ├── bin │ │ │ ├── .asr_inference.py.swh │ │ │ ├── .asr_inference.py.swi │ │ │ ├── .asr_inference.py.swj │ │ │ ├── .asr_inference.py.swk │ │ │ ├── .asr_inference.py.swl │ │ │ ├── .asr_inference.py.swm │ │ │ ├── .asr_inference.py.swn │ │ │ ├── .asr_inference.py.swo │ │ │ ├── __init__.py │ │ │ ├── aggregate_stats_dirs.py │ │ │ ├── asr_inference.py │ │ │ ├── asr_librispeech │ │ │ │ ├── asr_inference.py │ │ │ │ ├── asr_inference_del.py │ │ │ │ └── asr_inference_ins.py │ │ │ ├── asr_recog.py │ │ │ ├── asr_result_cal.py │ │ │ ├── asr_train.py │ │ │ ├── pack.py │ │ │ ├── tokenize_text.py │ │ │ └── tts_inference.py │ │ │ ├── diar │ │ │ ├── __init__.py │ │ │ ├── abs_diar.py │ │ │ ├── decoder │ │ │ │ ├── __init__.py │ │ │ │ ├── abs_decoder.py │ │ │ │ └── linear_decoder.py │ │ │ ├── espnet_model.py │ │ │ └── label_processor.py │ │ │ ├── dist │ │ │ └── espnet2-0.1.7-py3.6.egg │ │ │ ├── espnet2.egg-info │ │ │ ├── PKG-INFO │ │ │ ├── SOURCES.txt │ │ │ ├── dependency_links.txt │ │ │ ├── entry_points.txt │ │ │ ├── requires.txt │ │ │ └── top_level.txt │ │ │ ├── fileio │ │ │ ├── __init__.py │ │ │ ├── datadir_writer.py │ │ │ ├── npy_scp.py │ │ │ ├── rand_gen_dataset.py │ │ │ ├── read_text.py │ │ │ ├── rttm.py │ │ │ └── sound_scp.py │ │ │ ├── iterators │ │ │ ├── __init__.py │ │ │ ├── abs_iter_factory.py │ │ │ ├── chunk_iter_factory.py │ │ │ ├── multiple_iter_factory.py │ │ │ └── sequence_iter_factory.py │ │ │ ├── layers │ │ │ ├── __init__.py │ │ │ ├── abs_normalize.py │ │ │ ├── global_mvn.py │ │ │ ├── inversible_interface.py │ │ │ ├── label_aggregation.py │ │ │ ├── log_mel.py │ │ │ ├── mask_along_axis.py │ │ │ ├── sinc_conv.py │ │ │ ├── stft.py │ │ │ ├── time_warp.py │ │ │ └── utterance_mvn.py │ │ │ ├── lm │ │ │ ├── __init__.py │ │ │ ├── abs_model.py │ │ │ ├── chainer_backend │ │ │ │ ├── __init__.py │ │ │ │ ├── extlm.py │ │ │ │ └── lm.py │ │ │ ├── espnet_model.py │ │ │ ├── lm_utils.py │ │ │ ├── pytorch_backend │ │ │ │ ├── __init__.py │ │ │ │ ├── extlm.py │ │ │ │ └── lm.py │ │ │ ├── seq_rnn_lm.py │ │ │ └── transformer_lm.py │ │ │ ├── main_funcs │ │ │ ├── __init__.py │ │ │ ├── average_nbest_models.py │ │ │ ├── calculate_all_attentions.py │ │ │ ├── collect_stats.py │ │ │ └── pack_funcs.py │ │ │ ├── mt │ │ │ ├── __init__.py │ │ │ ├── mt_utils.py │ │ │ └── pytorch_backend │ │ │ │ ├── __init__.py │ │ │ │ └── mt.py │ │ │ ├── nets │ │ │ ├── __init__.py │ │ │ ├── asr_interface.py │ │ │ ├── batch_beam_search.py │ │ │ ├── batch_beam_search_online_sim.py │ │ │ ├── beam_search.py │ │ │ ├── beam_search_transducer.py │ │ │ ├── chainer_backend │ │ │ │ ├── __init__.py │ │ │ │ ├── asr_interface.py │ │ │ │ ├── ctc.py │ │ │ │ ├── deterministic_embed_id.py │ │ │ │ ├── e2e_asr.py │ │ │ │ ├── e2e_asr_transformer.py │ │ │ │ ├── nets_utils.py │ │ │ │ ├── rnn │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── attentions.py │ │ │ │ │ ├── decoders.py │ │ │ │ │ ├── encoders.py │ │ │ │ │ └── training.py │ │ │ │ └── transformer │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── attention.py │ │ │ │ │ ├── ctc.py │ │ │ │ │ ├── decoder.py │ │ │ │ │ ├── decoder_layer.py │ │ │ │ │ ├── embedding.py │ │ │ │ │ ├── encoder.py │ │ │ │ │ ├── encoder_layer.py │ │ │ │ │ ├── label_smoothing_loss.py │ │ │ │ │ ├── layer_norm.py │ │ │ │ │ ├── mask.py │ │ │ │ │ ├── positionwise_feed_forward.py │ │ │ │ │ ├── subsampling.py │ │ │ │ │ └── training.py │ │ │ ├── ctc_prefix_score.py │ │ │ ├── e2e_asr_common.py │ │ │ ├── e2e_mt_common.py │ │ │ ├── lm_interface.py │ │ │ ├── mt_interface.py │ │ │ ├── pytorch_backend │ │ │ │ ├── __init__.py │ │ │ │ ├── conformer │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── argument.py │ │ │ │ │ ├── convolution.py │ │ │ │ │ ├── encoder.py │ │ │ │ │ ├── encoder_layer.py │ │ │ │ │ └── swish.py │ │ │ │ ├── ctc.py │ │ │ │ ├── e2e_asr.py │ │ │ │ ├── e2e_asr_conformer.py │ │ │ │ ├── e2e_asr_maskctc.py │ │ │ │ ├── e2e_asr_mix.py │ │ │ │ ├── e2e_asr_mix_transformer.py │ │ │ │ ├── e2e_asr_mulenc.py │ │ │ │ ├── e2e_asr_transducer.py │ │ │ │ ├── e2e_asr_transformer.py │ │ │ │ ├── e2e_mt.py │ │ │ │ ├── e2e_mt_transformer.py │ │ │ │ ├── e2e_st.py │ │ │ │ ├── e2e_st_conformer.py │ │ │ │ ├── e2e_st_transformer.py │ │ │ │ ├── e2e_tts_fastspeech.py │ │ │ │ ├── e2e_tts_tacotron2.py │ │ │ │ ├── e2e_tts_transformer.py │ │ │ │ ├── e2e_vc_tacotron2.py │ │ │ │ ├── e2e_vc_transformer.py │ │ │ │ ├── fastspeech │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── duration_calculator.py │ │ │ │ │ ├── duration_predictor.py │ │ │ │ │ └── length_regulator.py │ │ │ │ ├── frontends │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── beamformer.py │ │ │ │ │ ├── dnn_beamformer.py │ │ │ │ │ ├── dnn_wpe.py │ │ │ │ │ ├── feature_transform.py │ │ │ │ │ ├── frontend.py │ │ │ │ │ └── mask_estimator.py │ │ │ │ ├── gtn_ctc.py │ │ │ │ ├── initialization.py │ │ │ │ ├── lm │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── default.py │ │ │ │ │ ├── seq_rnn.py │ │ │ │ │ └── transformer.py │ │ │ │ ├── maskctc │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── add_mask_token.py │ │ │ │ │ └── mask.py │ │ │ │ ├── nets_utils.py │ │ │ │ ├── rnn │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── argument.py │ │ │ │ │ ├── attentions.py │ │ │ │ │ ├── decoders.py │ │ │ │ │ └── encoders.py │ │ │ │ ├── streaming │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── segment.py │ │ │ │ │ └── window.py │ │ │ │ ├── tacotron2 │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── cbhg.py │ │ │ │ │ ├── decoder.py │ │ │ │ │ └── encoder.py │ │ │ │ ├── transducer │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── arguments.py │ │ │ │ │ ├── auxiliary_task.py │ │ │ │ │ ├── blocks.py │ │ │ │ │ ├── causal_conv1d.py │ │ │ │ │ ├── custom_decoder.py │ │ │ │ │ ├── custom_encoder.py │ │ │ │ │ ├── error_calculator.py │ │ │ │ │ ├── initializer.py │ │ │ │ │ ├── joint_network.py │ │ │ │ │ ├── loss.py │ │ │ │ │ ├── rnn_decoder.py │ │ │ │ │ ├── rnn_encoder.py │ │ │ │ │ ├── tdnn.py │ │ │ │ │ ├── transformer_decoder_layer.py │ │ │ │ │ ├── utils.py │ │ │ │ │ └── vgg2l.py │ │ │ │ ├── transformer │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── add_sos_eos.py │ │ │ │ │ ├── argument.py │ │ │ │ │ ├── attention.py │ │ │ │ │ ├── contextual_block_encoder_layer.py │ │ │ │ │ ├── decoder.py │ │ │ │ │ ├── decoder_layer.py │ │ │ │ │ ├── dynamic_conv.py │ │ │ │ │ ├── dynamic_conv2d.py │ │ │ │ │ ├── embedding.py │ │ │ │ │ ├── encoder.py │ │ │ │ │ ├── encoder_layer.py │ │ │ │ │ ├── encoder_mix.py │ │ │ │ │ ├── initializer.py │ │ │ │ │ ├── label_smoothing_loss.py │ │ │ │ │ ├── layer_norm.py │ │ │ │ │ ├── lightconv.py │ │ │ │ │ ├── lightconv2d.py │ │ │ │ │ ├── mask.py │ │ │ │ │ ├── multi_layer_conv.py │ │ │ │ │ ├── optimizer.py │ │ │ │ │ ├── plot.py │ │ │ │ │ ├── positionwise_feed_forward.py │ │ │ │ │ ├── repeat.py │ │ │ │ │ ├── subsampling.py │ │ │ │ │ └── subsampling_without_posenc.py │ │ │ │ └── wavenet.py │ │ │ ├── scorer_interface.py │ │ │ ├── scorers │ │ │ │ ├── __init__.py │ │ │ │ ├── ctc.py │ │ │ │ ├── length_bonus.py │ │ │ │ └── ngram.py │ │ │ ├── st_interface.py │ │ │ ├── transducer_decoder_interface.py │ │ │ └── tts_interface.py │ │ │ ├── optimizer │ │ │ ├── __init__.py │ │ │ ├── chainer.py │ │ │ ├── factory.py │ │ │ ├── parser.py │ │ │ └── pytorch.py │ │ │ ├── optimizers │ │ │ ├── __init__.py │ │ │ └── sgd.py │ │ │ ├── samplers │ │ │ ├── __init__.py │ │ │ ├── abs_sampler.py │ │ │ ├── build_batch_sampler.py │ │ │ ├── folded_batch_sampler.py │ │ │ ├── length_batch_sampler.py │ │ │ ├── num_elements_batch_sampler.py │ │ │ ├── sorted_batch_sampler.py │ │ │ └── unsorted_batch_sampler.py │ │ │ ├── scheduler │ │ │ ├── __init__.py │ │ │ ├── chainer.py │ │ │ ├── pytorch.py │ │ │ └── scheduler.py │ │ │ ├── schedulers │ │ │ ├── __init__.py │ │ │ ├── abs_scheduler.py │ │ │ ├── noam_lr.py │ │ │ └── warmup_lr.py │ │ │ ├── setup.py │ │ │ ├── st │ │ │ ├── __init__.py │ │ │ └── pytorch_backend │ │ │ │ ├── __init__.py │ │ │ │ └── st.py │ │ │ ├── tasks │ │ │ ├── __init__.py │ │ │ ├── abs_task.py │ │ │ ├── abs_task_o.py │ │ │ ├── asr.py │ │ │ ├── diar.py │ │ │ ├── enh.py │ │ │ ├── enh_asr.py │ │ │ ├── lm.py │ │ │ └── tts.py │ │ │ ├── text │ │ │ ├── __init__.py │ │ │ ├── abs_tokenizer.py │ │ │ ├── build_tokenizer.py │ │ │ ├── char_tokenizer.py │ │ │ ├── cleaner.py │ │ │ ├── phoneme_tokenizer.py │ │ │ ├── sentencepiece_tokenizer.py │ │ │ ├── token_id_converter.py │ │ │ └── word_tokenizer.py │ │ │ ├── torch_utils │ │ │ ├── __init__.py │ │ │ ├── add_gradient_noise.py │ │ │ ├── device_funcs.py │ │ │ ├── forward_adaptor.py │ │ │ ├── initialize.py │ │ │ ├── load_pretrained_model.py │ │ │ ├── model_summary.py │ │ │ ├── pytorch_version.py │ │ │ ├── recursive_op.py │ │ │ └── set_all_random_seed.py │ │ │ ├── transform │ │ │ ├── __init__.py │ │ │ ├── add_deltas.py │ │ │ ├── channel_selector.py │ │ │ ├── cmvn.py │ │ │ ├── functional.py │ │ │ ├── perturb.py │ │ │ ├── spec_augment.py │ │ │ ├── spectrogram.py │ │ │ ├── transform_interface.py │ │ │ ├── transformation.py │ │ │ └── wpe.py │ │ │ ├── tts │ │ │ ├── __init__.py │ │ │ ├── abs_tts.py │ │ │ ├── duration_calculator.py │ │ │ ├── espnet_model.py │ │ │ ├── fastspeech.py │ │ │ ├── fastspeech2.py │ │ │ ├── feats_extract │ │ │ │ ├── __init__.py │ │ │ │ ├── abs_feats_extract.py │ │ │ │ ├── dio.py │ │ │ │ ├── energy.py │ │ │ │ ├── log_mel_fbank.py │ │ │ │ └── log_spectrogram.py │ │ │ ├── gst │ │ │ │ ├── __init__.py │ │ │ │ └── style_encoder.py │ │ │ ├── pytorch_backend │ │ │ │ ├── __init__.py │ │ │ │ └── tts.py │ │ │ ├── tacotron2.py │ │ │ ├── transformer.py │ │ │ └── variance_predictor.py │ │ │ ├── utils │ │ │ ├── __init__.py │ │ │ ├── build_dataclass.py │ │ │ ├── check_kwargs.py │ │ │ ├── cli_readers.py │ │ │ ├── cli_utils.py │ │ │ ├── cli_writers.py │ │ │ ├── config_argparse.py │ │ │ ├── dataset.py │ │ │ ├── deterministic_utils.py │ │ │ ├── dynamic_import.py │ │ │ ├── fill_missing_args.py │ │ │ ├── get_default_kwargs.py │ │ │ ├── griffin_lim.py │ │ │ ├── io_utils.py │ │ │ ├── nested_dict_action.py │ │ │ ├── sized_dict.py │ │ │ ├── spec_augment.py │ │ │ ├── training │ │ │ │ ├── __init__.py │ │ │ │ ├── batchfy.py │ │ │ │ ├── evaluator.py │ │ │ │ ├── iterators.py │ │ │ │ ├── tensorboard_logger.py │ │ │ │ └── train_utils.py │ │ │ ├── types.py │ │ │ └── yaml_no_alias_safe_dump.py │ │ │ └── version.txt │ │ ├── requirements.txt │ │ ├── run.py │ │ ├── run.sh │ │ └── transaudio.png ├── imageclassification │ ├── cifar10 │ │ ├── adversarial_training │ │ │ ├── fgsm_law │ │ │ │ ├── CIFAR10_models │ │ │ │ │ ├── DRN.py │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── densenet.py │ │ │ │ │ ├── dpn.py │ │ │ │ │ ├── efficientnet.py │ │ │ │ │ ├── googlenet.py │ │ │ │ │ ├── lenet.py │ │ │ │ │ ├── mobilenet.py │ │ │ │ │ ├── mobilenetv2.py │ │ │ │ │ ├── pnasnet.py │ │ │ │ │ ├── preact_resnet.py │ │ │ │ │ ├── regnet.py │ │ │ │ │ ├── resnet.py │ │ │ │ │ ├── resnext.py │ │ │ │ │ ├── senet.py │ │ │ │ │ ├── shufflenet.py │ │ │ │ │ ├── shufflenetv2.py │ │ │ │ │ ├── vgg.py │ │ │ │ │ └── wide_resnet.py │ │ │ │ ├── Cifar100_models │ │ │ │ │ ├── DRN.py │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── densenet.py │ │ │ │ │ ├── dpn.py │ │ │ │ │ ├── efficientnet.py │ │ │ │ │ ├── googlenet.py │ │ │ │ │ ├── lenet.py │ │ │ │ │ ├── mobilenet.py │ │ │ │ │ ├── mobilenetv2.py │ │ │ │ │ ├── pnasnet.py │ │ │ │ │ ├── preact_resnet.py │ │ │ │ │ ├── regnet.py │ │ │ │ │ ├── resnet.py │ │ │ │ │ ├── resnext.py │ │ │ │ │ ├── senet.py │ │ │ │ │ ├── shufflenet.py │ │ │ │ │ ├── shufflenetv2.py │ │ │ │ │ ├── vgg.py │ │ │ │ │ └── wide_resnet.py │ │ │ │ ├── FGSM_LAW_CIFAR100.py │ │ │ │ ├── FGSM_LAW_CIFAR_10.py │ │ │ │ ├── FGSM_LAW_Tiny_ImageNet.py │ │ │ │ ├── Feature_model │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── feature_preact_resnet.py │ │ │ │ │ ├── feature_resnet.py │ │ │ │ │ ├── feature_resnet_cifar100.py │ │ │ │ │ └── feature_wide_resnet.py │ │ │ │ ├── ImageNet_models │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── densenet.py │ │ │ │ │ ├── dpn.py │ │ │ │ │ ├── googlenet.py │ │ │ │ │ ├── lenet.py │ │ │ │ │ ├── mobilenet.py │ │ │ │ │ ├── preact_resnet.py │ │ │ │ │ ├── resnet.py │ │ │ │ │ ├── resnext.py │ │ │ │ │ ├── senet.py │ │ │ │ │ ├── shufflenet.py │ │ │ │ │ ├── vgg.py │ │ │ │ │ └── wide_resnet.py │ │ │ │ ├── README.md │ │ │ │ ├── TinyImageNet.py │ │ │ │ ├── autoattack │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── autoattack.py │ │ │ │ │ ├── autopgd_pt.py │ │ │ │ │ ├── autopgd_tf.py │ │ │ │ │ ├── fab_pt.py │ │ │ │ │ ├── fab_tf.py │ │ │ │ │ ├── other_utils.py │ │ │ │ │ ├── square.py │ │ │ │ │ ├── utils_tf.py │ │ │ │ │ └── utils_tf2.py │ │ │ │ ├── autoaugment.py │ │ │ │ ├── cutout.py │ │ │ │ ├── imgs │ │ │ │ │ └── home.png │ │ │ │ ├── test_Tiny_imagenet.py │ │ │ │ ├── test_cifar10.py │ │ │ │ ├── test_cifar100.py │ │ │ │ ├── utils.py │ │ │ │ └── utils02.py │ │ │ └── main.py │ │ └── base_training_script.py │ └── imagenet │ │ ├── SIN │ │ ├── README.md │ │ └── main.py │ │ ├── adversarial_training │ │ ├── README.md │ │ └── main.py │ │ ├── advprop │ │ ├── README.md │ │ └── main.py │ │ ├── apr │ │ ├── README.md │ │ └── main.py │ │ ├── augmix │ │ ├── README.md │ │ └── main.py │ │ ├── base_training_script.py │ │ ├── dat │ │ ├── README.md │ │ ├── framework.jpg │ │ └── main.py │ │ ├── deepaugment │ │ ├── README.md │ │ └── main.py │ │ ├── drvit │ │ ├── README.md │ │ └── main.py │ │ ├── fan │ │ ├── README.md │ │ └── main.py │ │ ├── hat │ │ ├── README.md │ │ └── main.py │ │ ├── prime │ │ ├── README.md │ │ └── main.py │ │ ├── resnet50.py │ │ ├── rvt │ │ ├── README.md │ │ └── main.py │ │ ├── shape_texture_debiased_training │ │ ├── README.md │ │ └── main.py │ │ └── wiseft │ │ ├── README.md │ │ └── main.py └── ood_detection │ └── BATS │ ├── Compare.png │ ├── README.md │ ├── cifar_features_mean.pt │ ├── cifar_features_std.pt │ ├── cifar_resnet.py │ ├── test.sh │ ├── test_ood.py │ ├── utils │ ├── log.py │ └── test_utils.py │ ├── vit_features_mean.pt │ └── vit_features_std.pt ├── requirements.txt ├── requirements ├── build.txt └── optional.txt ├── setup.py ├── tests └── test_vqgan.py └── tools ├── README.md ├── cnn_attention.py ├── decision_bound.py ├── images ├── cnn_attn_robust_r50.jpg ├── cnn_attn_standard_r50.jpg ├── vis_decision_bound_robust_r50.jpg ├── vis_decision_bound_standard_r50.jpg ├── vis_filters_robust_r50.png ├── vis_filters_standard_r50.png ├── vit_attn_robust_vit_b.jpg └── vit_attn_standard_vit_b.jpg ├── kernal_visualization.py ├── modelvshuman ├── assets │ └── icons │ │ ├── airplane.png │ │ ├── bear.png │ │ ├── bicycle.png │ │ ├── bird.png │ │ ├── boat.png │ │ ├── bottle.png │ │ ├── car.png │ │ ├── cat.png │ │ ├── chair.png │ │ ├── clock.png │ │ ├── colorbar.pdf │ │ ├── dog.png │ │ ├── elephant.png │ │ ├── keyboard.png │ │ ├── knife.png │ │ ├── oven.png │ │ ├── response_icons_horizontal.png │ │ ├── response_icons_vertical.png │ │ ├── response_icons_vertical_reverse.png │ │ └── truck.png ├── licenses │ ├── CODE_LICENSE │ ├── LICENSES_OVERVIEW.md │ └── MODEL_LICENSES ├── modelvshuman │ ├── __init__.py │ ├── cli.py │ ├── constants.py │ ├── datasets │ │ ├── __init__.py │ │ ├── base.py │ │ ├── create_dataset.py │ │ ├── dataloaders.py │ │ ├── decision_mappings.py │ │ ├── experiments.py │ │ ├── imagenet.py │ │ ├── info_mappings.py │ │ ├── noise_generalisation.py │ │ ├── registry.py │ │ ├── sketch.py │ │ ├── stylized.py │ │ └── texture_shape.py │ ├── evaluation │ │ ├── __init__.py │ │ ├── evaluate.py │ │ ├── imagenet_labels.txt │ │ └── metrics.py │ ├── helper │ │ ├── __init__.py │ │ ├── categories.txt │ │ ├── human_categories.py │ │ ├── plotting_helper.py │ │ └── wordnet_functions.py │ ├── model_evaluator.py │ ├── models │ │ ├── __init__.py │ │ ├── pytorch │ │ │ ├── __init__.py │ │ │ └── model_zoo.py │ │ ├── registry.py │ │ └── wrappers │ │ │ ├── __init__.py │ │ │ ├── base.py │ │ │ └── pytorch.py │ ├── plotting │ │ ├── __init__.py │ │ ├── analyses.py │ │ ├── colors.py │ │ ├── decision_makers.py │ │ └── plot.py │ ├── utils.py │ └── version.py ├── raw-data │ ├── colour │ │ ├── colour_subject-01_session_1.csv │ │ ├── colour_subject-02_session_1.csv │ │ ├── colour_subject-03_session_1.csv │ │ └── colour_subject-04_session_1.csv │ ├── contrast │ │ ├── contrast_subject-01_session_1.csv │ │ ├── contrast_subject-02_session_1.csv │ │ ├── contrast_subject-03_session_1.csv │ │ └── contrast_subject-04_session_1.csv │ ├── cue-conflict │ │ ├── cue-conflict_subject-01_session_1.csv │ │ ├── cue-conflict_subject-02_session_1.csv │ │ ├── cue-conflict_subject-03_session_1.csv │ │ ├── cue-conflict_subject-04_session_1.csv │ │ ├── cue-conflict_subject-05_session_1.csv │ │ ├── cue-conflict_subject-06_session_1.csv │ │ ├── cue-conflict_subject-07_session_1.csv │ │ ├── cue-conflict_subject-08_session_1.csv │ │ ├── cue-conflict_subject-09_session_1.csv │ │ └── cue-conflict_subject-10_session_1.csv │ ├── edge │ │ ├── edge_subject-01_session_1.csv │ │ ├── edge_subject-02_session_1.csv │ │ ├── edge_subject-03_session_1.csv │ │ ├── edge_subject-04_session_1.csv │ │ ├── edge_subject-05_session_1.csv │ │ ├── edge_subject-06_session_1.csv │ │ ├── edge_subject-07_session_1.csv │ │ ├── edge_subject-08_session_1.csv │ │ ├── edge_subject-09_session_1.csv │ │ └── edge_subject-10_session_1.csv │ ├── eidolonI │ │ ├── eidolonI_subject-01_session_1.csv │ │ ├── eidolonI_subject-02_session_1.csv │ │ ├── eidolonI_subject-03_session_1.csv │ │ └── eidolonI_subject-04_session_1.csv │ ├── eidolonII │ │ ├── eidolonII_subject-01_session_1.csv │ │ ├── eidolonII_subject-02_session_1.csv │ │ ├── eidolonII_subject-03_session_1.csv │ │ └── eidolonII_subject-04_session_1.csv │ ├── eidolonIII │ │ ├── eidolonIII_subject-01_session_1.csv │ │ ├── eidolonIII_subject-02_session_1.csv │ │ ├── eidolonIII_subject-03_session_1.csv │ │ └── eidolonIII_subject-04_session_1.csv │ ├── false-colour │ │ ├── false-colour_subject-01_session_1.csv │ │ ├── false-colour_subject-02_session_1.csv │ │ ├── false-colour_subject-03_session_1.csv │ │ └── false-colour_subject-04_session_1.csv │ ├── high-pass │ │ ├── high-pass_subject-01_session_1.csv │ │ ├── high-pass_subject-02_session_1.csv │ │ ├── high-pass_subject-03_session_1.csv │ │ └── high-pass_subject-04_session_1.csv │ ├── low-pass │ │ ├── low-pass_subject-01_session_1.csv │ │ ├── low-pass_subject-02_session_1.csv │ │ ├── low-pass_subject-03_session_1.csv │ │ └── low-pass_subject-04_session_1.csv │ ├── phase-scrambling │ │ ├── phase-scrambling_subject-01_session_1.csv │ │ ├── phase-scrambling_subject-02_session_1.csv │ │ ├── phase-scrambling_subject-03_session_1.csv │ │ └── phase-scrambling_subject-04_session_1.csv │ ├── power-equalisation │ │ ├── power-equalisation_subject-01_session_1.csv │ │ ├── power-equalisation_subject-02_session_1.csv │ │ ├── power-equalisation_subject-03_session_1.csv │ │ └── power-equalisation_subject-04_session_1.csv │ ├── rotation │ │ ├── rotation_subject-01_session_1.csv │ │ ├── rotation_subject-02_session_1.csv │ │ ├── rotation_subject-03_session_1.csv │ │ └── rotation_subject-04_session_1.csv │ ├── silhouette │ │ ├── silhouette_subject-01_session_1.csv │ │ ├── silhouette_subject-02_session_1.csv │ │ ├── silhouette_subject-03_session_1.csv │ │ ├── silhouette_subject-04_session_1.csv │ │ ├── silhouette_subject-05_session_1.csv │ │ ├── silhouette_subject-06_session_1.csv │ │ ├── silhouette_subject-07_session_1.csv │ │ ├── silhouette_subject-08_session_1.csv │ │ ├── silhouette_subject-09_session_1.csv │ │ └── silhouette_subject-10_session_1.csv │ ├── sketch │ │ ├── sketch_subject-01_session_1.csv │ │ ├── sketch_subject-02_session_1.csv │ │ ├── sketch_subject-03_session_1.csv │ │ ├── sketch_subject-04_session_1.csv │ │ ├── sketch_subject-05_session_1.csv │ │ ├── sketch_subject-06_session_1.csv │ │ └── sketch_subject-07_session_1.csv │ ├── stylized │ │ ├── stylized_subject-01_session_1.csv │ │ ├── stylized_subject-02_session_1.csv │ │ ├── stylized_subject-03_session_1.csv │ │ ├── stylized_subject-04_session_1.csv │ │ └── stylized_subject-05_session_1.csv │ └── uniform-noise │ │ ├── uniform-noise_subject-01_session_1.csv │ │ ├── uniform-noise_subject-02_session_1.csv │ │ ├── uniform-noise_subject-03_session_1.csv │ │ └── uniform-noise_subject-04_session_1.csv ├── setup.cfg └── setup.py ├── shape_texture_bias.py └── vit_attenton.py /.github/ISSUE_TEMPLATE/submit-model.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/.github/ISSUE_TEMPLATE/submit-model.md -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/.gitignore -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/LICENSE -------------------------------------------------------------------------------- /MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/MANIFEST.in -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/README.md -------------------------------------------------------------------------------- /benchmarks/adv_robust_bench.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/adv_robust_bench.sh -------------------------------------------------------------------------------- /benchmarks/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/benchmark.py -------------------------------------------------------------------------------- /benchmarks/coco_o/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/coco_o/README.md -------------------------------------------------------------------------------- /benchmarks/coco_o/coco_o.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/coco_o/coco_o.png -------------------------------------------------------------------------------- /benchmarks/coco_o/teaser.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/coco_o/teaser.png -------------------------------------------------------------------------------- /benchmarks/data/data.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/data/data.md -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/.app.py.swp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/imagenet-e/ImageNet-Editing/.app.py.swp -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/.gitattributes: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/imagenet-e/ImageNet-Editing/.gitattributes -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/.run.sh.un~: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/imagenet-e/ImageNet-Editing/.run.sh.un~ -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/imagenet-e/ImageNet-Editing/README.md -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/imagenet-e/ImageNet-Editing/app.py -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/editing_diffusion/CLIP/MANIFEST.in: -------------------------------------------------------------------------------- 1 | include clip/bpe_simple_vocab_16e6.txt.gz 2 | -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/editing_diffusion/CLIP/clip/__init__.py: -------------------------------------------------------------------------------- 1 | from .clip import * 2 | -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/editing_diffusion/guided_diffusion/.gitignore: -------------------------------------------------------------------------------- 1 | .DS_Store 2 | __pycache__/ 3 | 4 | -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/editing_diffusion/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/imagenet-e/ImageNet-Editing/editing_diffusion/main.py -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/examples/img/input.JPEG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/imagenet-e/ImageNet-Editing/examples/img/input.JPEG -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/examples/mask/input.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/imagenet-e/ImageNet-Editing/examples/mask/input.png -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/object_removal/TFill/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/imagenet-e/ImageNet-Editing/object_removal/TFill/LICENSE -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/object_removal/TFill/evaluations/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/object_removal/TFill/model/lpips/vgg.pth: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/object_removal/TFill/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/imagenet-e/ImageNet-Editing/object_removal/TFill/test.py -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/imagenet-e/ImageNet-Editing/requirements.txt -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/resize_obj.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/imagenet-e/ImageNet-Editing/resize_obj.py -------------------------------------------------------------------------------- /benchmarks/imagenet-e/ImageNet-Editing/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/imagenet-e/ImageNet-Editing/run.sh -------------------------------------------------------------------------------- /benchmarks/imagenet-e/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/imagenet-e/README.md -------------------------------------------------------------------------------- /benchmarks/non_adv_robust_bench.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/non_adv_robust_bench.sh -------------------------------------------------------------------------------- /benchmarks/resnet50_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/benchmarks/resnet50_example.py -------------------------------------------------------------------------------- /docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/docker/Dockerfile -------------------------------------------------------------------------------- /docs/README.md: -------------------------------------------------------------------------------- 1 | # ToDo -------------------------------------------------------------------------------- /download_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/download_data.sh -------------------------------------------------------------------------------- /easyrobust/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /easyrobust/attacks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/attacks/__init__.py -------------------------------------------------------------------------------- /easyrobust/attacks/autoattack/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/attacks/autoattack/__init__.py -------------------------------------------------------------------------------- /easyrobust/attacks/autoattack/autoattack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/attacks/autoattack/autoattack.py -------------------------------------------------------------------------------- /easyrobust/attacks/autoattack/autopgd_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/attacks/autoattack/autopgd_base.py -------------------------------------------------------------------------------- /easyrobust/attacks/autoattack/checks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/attacks/autoattack/checks.py -------------------------------------------------------------------------------- /easyrobust/attacks/autoattack/fab_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/attacks/autoattack/fab_base.py -------------------------------------------------------------------------------- /easyrobust/attacks/autoattack/fab_projections.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/attacks/autoattack/fab_projections.py -------------------------------------------------------------------------------- /easyrobust/attacks/autoattack/fab_pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/attacks/autoattack/fab_pt.py -------------------------------------------------------------------------------- /easyrobust/attacks/autoattack/other_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/attacks/autoattack/other_utils.py -------------------------------------------------------------------------------- /easyrobust/attacks/autoattack/square.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/attacks/autoattack/square.py -------------------------------------------------------------------------------- /easyrobust/attacks/pgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/attacks/pgd.py -------------------------------------------------------------------------------- /easyrobust/augmentations/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/augmentations/__init__.py -------------------------------------------------------------------------------- /easyrobust/augmentations/aprs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/augmentations/aprs.py -------------------------------------------------------------------------------- /easyrobust/augmentations/augmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/augmentations/augmax.py -------------------------------------------------------------------------------- /easyrobust/augmentations/augmix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/augmentations/augmix.py -------------------------------------------------------------------------------- /easyrobust/augmentations/cross_style.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/augmentations/cross_style.py -------------------------------------------------------------------------------- /easyrobust/augmentations/random_style.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/augmentations/random_style.py -------------------------------------------------------------------------------- /easyrobust/benchmarks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/benchmarks/__init__.py -------------------------------------------------------------------------------- /easyrobust/benchmarks/adversarial/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/benchmarks/adversarial/__init__.py -------------------------------------------------------------------------------- /easyrobust/benchmarks/adversarial/autoattack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/benchmarks/adversarial/autoattack.py -------------------------------------------------------------------------------- /easyrobust/benchmarks/adversarial/imagenet_class_to_id_map.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/benchmarks/adversarial/imagenet_class_to_id_map.json -------------------------------------------------------------------------------- /easyrobust/benchmarks/adversarial/imagenet_test_image_ids.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/benchmarks/adversarial/imagenet_test_image_ids.txt -------------------------------------------------------------------------------- /easyrobust/benchmarks/clean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/benchmarks/clean.py -------------------------------------------------------------------------------- /easyrobust/benchmarks/ood/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/benchmarks/ood/__init__.py -------------------------------------------------------------------------------- /easyrobust/benchmarks/ood/imagenet_a.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/benchmarks/ood/imagenet_a.py -------------------------------------------------------------------------------- /easyrobust/benchmarks/ood/imagenet_c.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/benchmarks/ood/imagenet_c.py -------------------------------------------------------------------------------- /easyrobust/benchmarks/ood/imagenet_r.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/benchmarks/ood/imagenet_r.py -------------------------------------------------------------------------------- /easyrobust/benchmarks/ood/imagenet_sketch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/benchmarks/ood/imagenet_sketch.py -------------------------------------------------------------------------------- /easyrobust/benchmarks/ood/imagenet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/benchmarks/ood/imagenet_v2.py -------------------------------------------------------------------------------- /easyrobust/benchmarks/ood/objectnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/benchmarks/ood/objectnet.py -------------------------------------------------------------------------------- /easyrobust/benchmarks/ood/stylized_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/benchmarks/ood/stylized_imagenet.py -------------------------------------------------------------------------------- /easyrobust/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/datasets/__init__.py -------------------------------------------------------------------------------- /easyrobust/datasets/deepaugment_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/datasets/deepaugment_imagenet.py -------------------------------------------------------------------------------- /easyrobust/datasets/imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/datasets/imagenet.py -------------------------------------------------------------------------------- /easyrobust/datasets/stylized_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/datasets/stylized_imagenet.py -------------------------------------------------------------------------------- /easyrobust/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/models/__init__.py -------------------------------------------------------------------------------- /easyrobust/models/cifar10/robnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/models/cifar10/robnet.py -------------------------------------------------------------------------------- /easyrobust/models/clip_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/models/clip_models.py -------------------------------------------------------------------------------- /easyrobust/models/drvit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/models/drvit.py -------------------------------------------------------------------------------- /easyrobust/models/fan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/models/fan.py -------------------------------------------------------------------------------- /easyrobust/models/gfnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/models/gfnet.py -------------------------------------------------------------------------------- /easyrobust/models/mae_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/models/mae_vit.py -------------------------------------------------------------------------------- /easyrobust/models/rvt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/models/rvt.py -------------------------------------------------------------------------------- /easyrobust/models/wavecnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/models/wavecnet.py -------------------------------------------------------------------------------- /easyrobust/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/modules/__init__.py -------------------------------------------------------------------------------- /easyrobust/modules/cross_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/modules/cross_norm.py -------------------------------------------------------------------------------- /easyrobust/modules/dwt_idwt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/modules/dwt_idwt.py -------------------------------------------------------------------------------- /easyrobust/modules/permute_adain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/modules/permute_adain.py -------------------------------------------------------------------------------- /easyrobust/modules/prime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/modules/prime.py -------------------------------------------------------------------------------- /easyrobust/modules/self_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/modules/self_norm.py -------------------------------------------------------------------------------- /easyrobust/modules/switchable_bn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/modules/switchable_bn.py -------------------------------------------------------------------------------- /easyrobust/optimizer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/optimizer/__init__.py -------------------------------------------------------------------------------- /easyrobust/optimizer/esam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/optimizer/esam.py -------------------------------------------------------------------------------- /easyrobust/optimizer/gsam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/optimizer/gsam.py -------------------------------------------------------------------------------- /easyrobust/optimizer/sam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/optimizer/sam.py -------------------------------------------------------------------------------- /easyrobust/parallel/__init__.py: -------------------------------------------------------------------------------- 1 | from .utils import is_main_process -------------------------------------------------------------------------------- /easyrobust/parallel/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/parallel/utils.py -------------------------------------------------------------------------------- /easyrobust/third_party/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /easyrobust/third_party/adain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/third_party/adain.py -------------------------------------------------------------------------------- /easyrobust/third_party/clip/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /easyrobust/third_party/clip/bpe_simple_vocab_16e6.txt.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/third_party/clip/bpe_simple_vocab_16e6.txt.gz -------------------------------------------------------------------------------- /easyrobust/third_party/clip/clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/third_party/clip/clip.py -------------------------------------------------------------------------------- /easyrobust/third_party/clip/names_templates.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/third_party/clip/names_templates.py -------------------------------------------------------------------------------- /easyrobust/third_party/vqgan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/easyrobust/third_party/vqgan.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/README.md -------------------------------------------------------------------------------- /examples/asr/WAPAT/SpeechLM.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/SpeechLM.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/modules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/modules.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/__init__.py: -------------------------------------------------------------------------------- 1 | from . import data, tasks, criterions, models 2 | -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/config/decode/infer_fsqlm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/config/decode/infer_fsqlm.yaml -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/config/decode/infer_kenlm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/config/decode/infer_kenlm.yaml -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/config/decode/infer_viterbi.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/config/decode/infer_viterbi.yaml -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/config/finetune/speechlm_base_100h.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/config/finetune/speechlm_base_100h.yaml -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/criterions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/criterions/__init__.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/criterions/fasttext2unit_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/criterions/fasttext2unit_loss.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/criterions/speechlm_criterion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/criterions/speechlm_criterion.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/data/concat_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/data/concat_dataset.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/data/hubert_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/data/hubert_dataset.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/data/language_trible_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/data/language_trible_dataset.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/data/load_langpair_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/data/load_langpair_dataset.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/data/multimodal_corpus_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/data/multimodal_corpus_dataset.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/data/text_to_unit_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/data/text_to_unit_dataset.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/data_process/covost2/mp3_to_wav.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/data_process/covost2/mp3_to_wav.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/data_process/get_t2u_manifest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/data_process/get_t2u_manifest.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/data_process/phoneize_with_sil.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/data_process/phoneize_with_sil.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/data_process/prepare_covost2_enxx.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/data_process/prepare_covost2_enxx.sh -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/data_process/prepare_phn2ltr_librilm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/data_process/prepare_phn2ltr_librilm.sh -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/data_process/txt2idx.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/data_process/txt2idx.sh -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/data_process/wrd2ltr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/data_process/wrd2ltr.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/.circleci/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/.circleci/config.yml -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/.github/ISSUE_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/.github/ISSUE_TEMPLATE.md -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/.github/stale.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/.github/stale.yml -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/.github/workflows/build.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/.github/workflows/build.yml -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/.gitignore -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/.gitmodules -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/.isort.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/.isort.cfg -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/.pre-commit-config.yaml -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/README.md -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/fairseq/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/fairseq/__init__.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/fairseq/criterions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/fairseq/criterions/__init__.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/fairseq/criterions/ctc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/fairseq/criterions/ctc.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/fairseq/tasks/WavAugment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/fairseq/tasks/WavAugment.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/fairseq/tasks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/fairseq/tasks/__init__.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/fairseq/tasks/aug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/fairseq/tasks/aug.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/fairseq/tasks/fairseq_task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/fairseq/tasks/fairseq_task.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/fairseq/tasks/wapat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/fairseq/tasks/wapat.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/fairseq/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/fairseq/train.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/generate_unit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/generate_unit.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/infer.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/models/fasttext2unit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/models/fasttext2unit.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/models/speechlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/models/speechlm.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/models/speechlm_ctcasr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/models/speechlm_ctcasr.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/models/speechlm_st.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/models/speechlm_st.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/modules/__init__.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/modules/learned_positional_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/modules/learned_positional_embedding.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/modules/multihead_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/modules/multihead_attention.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/modules/relative_pos_enc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/modules/relative_pos_enc.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/modules/transformer_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/modules/transformer_decoder.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/modules/transformer_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/modules/transformer_encoder.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/modules/transformer_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/modules/transformer_layer.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/modules/w2v_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/modules/w2v_encoder.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/tasks/fast_text_to_unit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/tasks/fast_text_to_unit.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/tasks/joint_sc2t_pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/tasks/joint_sc2t_pretrain.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/speechlm/unit_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/speechlm/unit_generator.py -------------------------------------------------------------------------------- /examples/asr/WAPAT/wapat.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/asr/WAPAT/wapat.png -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/Dockerfile -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LICENSE -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/LICENSE -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/README.md -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/diffusion_continuous.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/diffusion_continuous.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/diffusion_discretized.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/diffusion_discretized.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/evaluate_diffusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/evaluate_diffusion.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/evaluate_vada.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/evaluate_vada.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/evaluate_vae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/evaluate_vae.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/fid/LICENSE_pytorch_fid: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/fid/LICENSE_pytorch_fid -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/fid/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/fid/fid_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/fid/fid_score.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/fid/inception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/fid/inception.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/img/LSGM.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/img/LSGM.png -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/layers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/layers/cells.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/layers/cells.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/layers/neural_operations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/layers/neural_operations.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/nvae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/nvae.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/requirements.txt -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/score_sde/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/score_sde/__init__.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/score_sde/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/score_sde/layers.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/score_sde/layerspp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/score_sde/layerspp.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/score_sde/ncsnpp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/score_sde/ncsnpp.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/score_sde/normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/score_sde/normalization.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/score_sde/op/LICENSE_MIT: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/score_sde/op/LICENSE_MIT -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/score_sde/op/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/score_sde/op/__init__.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/score_sde/op/fused_act.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/score_sde/op/fused_act.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/score_sde/op/upfirdn2d.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/score_sde/op/upfirdn2d.cpp -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/score_sde/op/upfirdn2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/score_sde/op/upfirdn2d.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/scripts/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/scripts/Dockerfile -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/scripts/create_ffhq_lmdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/scripts/create_ffhq_lmdb.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/thirdparty/LICENSE_PyTorch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/thirdparty/LICENSE_PyTorch -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/thirdparty/LICENSE_apache: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/thirdparty/LICENSE_apache -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/thirdparty/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/thirdparty/adamax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/thirdparty/adamax.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/thirdparty/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/thirdparty/checkpoint.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/thirdparty/functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/thirdparty/functions.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/thirdparty/lsun.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/thirdparty/lsun.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/thirdparty/swish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/thirdparty/swish.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/train_vada.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/train_vada.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/train_vae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/train_vae.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/training_obj_disjoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/training_obj_disjoint.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/training_obj_joint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/training_obj_joint.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/util/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/util/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/util/datasets.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/util/distributions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/util/distributions.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/util/ema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/util/ema.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/util/lmdb_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/util/lmdb_datasets.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/util/sr_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/util/sr_utils.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/LSGM/util/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/LSGM/util/utils.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/README.md -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/attack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/attack.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/attacks/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/attacks/final_selection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/attacks/final_selection.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/attacks/initial_selection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/attacks/initial_selection.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/attacks/optimize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/attacks/optimize.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/attacks/randomizations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/attacks/randomizations.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/configs/attacking/CelebA_FFHQ.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/configs/attacking/CelebA_FFHQ.yaml -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/datasets/celeba.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/datasets/celeba.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/datasets/custom_subset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/datasets/custom_subset.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/datasets/facescrub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/datasets/facescrub.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/datasets/stanford_dogs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/datasets/stanford_dogs.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/dm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/dm.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/dmmia.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/dmmia.png -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/kip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/kip.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/losses/poincare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/losses/poincare.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/metrics/accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/metrics/accuracy.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/metrics/base_metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/metrics/base_metric.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/metrics/classification_acc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/metrics/classification_acc.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/metrics/distance_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/metrics/distance_metrics.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/metrics/fid_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/metrics/fid_score.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/metrics/prcd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/metrics/prcd.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/models/base_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/models/base_model.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/models/classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/models/classifier.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/requirements.txt -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/sde.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/sde.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/train_target.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/train_target.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/utils/attack_config_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/utils/attack_config_parser.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/utils/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/utils/datasets.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/utils/stylegan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/utils/stylegan.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/utils/training_config_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/utils/training_config_parser.py -------------------------------------------------------------------------------- /examples/attacks/dmmia_inversion/utils/wandb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dmmia_inversion/utils/wandb.py -------------------------------------------------------------------------------- /examples/attacks/dra/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dra/README.md -------------------------------------------------------------------------------- /examples/attacks/dra/attack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dra/attack.py -------------------------------------------------------------------------------- /examples/attacks/dra/attack.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dra/attack.sh -------------------------------------------------------------------------------- /examples/attacks/dra/attackutils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dra/attackutils.py -------------------------------------------------------------------------------- /examples/attacks/dra/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dra/dataset.py -------------------------------------------------------------------------------- /examples/attacks/dra/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dra/eval.sh -------------------------------------------------------------------------------- /examples/attacks/dra/imagenet_class_to_idx.npy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dra/imagenet_class_to_idx.npy -------------------------------------------------------------------------------- /examples/attacks/dra/models/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/dra/models/densenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dra/models/densenet.py -------------------------------------------------------------------------------- /examples/attacks/dra/models/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dra/models/resnet.py -------------------------------------------------------------------------------- /examples/attacks/dra/models/vgg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dra/models/vgg.py -------------------------------------------------------------------------------- /examples/attacks/dra/target.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dra/target.png -------------------------------------------------------------------------------- /examples/attacks/dra/utils_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dra/utils_data.py -------------------------------------------------------------------------------- /examples/attacks/dra/utils_sgm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dra/utils_sgm.py -------------------------------------------------------------------------------- /examples/attacks/dra/validate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/dra/validate.py -------------------------------------------------------------------------------- /examples/attacks/inequality/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/inequality/README.md -------------------------------------------------------------------------------- /examples/attacks/inequality/imgs/fig1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/inequality/imgs/fig1.png -------------------------------------------------------------------------------- /examples/attacks/inequality/imgs/fig2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/inequality/imgs/fig2.png -------------------------------------------------------------------------------- /examples/attacks/inequality/imgs/fig3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/inequality/imgs/fig3.jpg -------------------------------------------------------------------------------- /examples/attacks/inequality/index.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/inequality/index.py -------------------------------------------------------------------------------- /examples/attacks/inequality/inequality_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/inequality/inequality_test.py -------------------------------------------------------------------------------- /examples/attacks/inequality/noise_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/inequality/noise_eval.py -------------------------------------------------------------------------------- /examples/attacks/inequality/occlusion_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/inequality/occlusion_eval.py -------------------------------------------------------------------------------- /examples/attacks/inequality/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/inequality/requirements.txt -------------------------------------------------------------------------------- /examples/attacks/inequality/saliency_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/inequality/saliency_example.py -------------------------------------------------------------------------------- /examples/attacks/inequality/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/inequality/utils.py -------------------------------------------------------------------------------- /examples/attacks/inequality/vis_tools/integrated_gradients-3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/inequality/vis_tools/integrated_gradients-3.py -------------------------------------------------------------------------------- /examples/attacks/inequality/vis_tools/misc_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/inequality/vis_tools/misc_functions.py -------------------------------------------------------------------------------- /examples/attacks/inequality/vis_tools/smooth_grad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/inequality/vis_tools/smooth_grad.py -------------------------------------------------------------------------------- /examples/attacks/inequality/visualization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/inequality/visualization.py -------------------------------------------------------------------------------- /examples/attacks/inequality/visualize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/inequality/visualize.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/README.md -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/.coveragerc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/.coveragerc -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/.dockerignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/.dockerignore -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/.github/stale.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/.github/stale.yml -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/.github/workflows/centos7.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/.github/workflows/centos7.yml -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/.github/workflows/ci.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/.github/workflows/ci.yaml -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/.github/workflows/debian9.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/.github/workflows/debian9.yml -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/.github/workflows/doc.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/.github/workflows/doc.yml -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/.gitignore -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/.gitmodules -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/.mergify.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/.mergify.yml -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/.gitignore -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/Makefile -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/README.md -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/apis/espnet2_bin.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/apis/espnet2_bin.rst -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/apis/espnet_bin.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/apis/espnet_bin.rst -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/apis/utils_py.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/apis/utils_py.rst -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/apis/utils_sh.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/apis/utils_sh.rst -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/argparse2rst.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/argparse2rst.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/conf.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/docker.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/docker.md -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/espnet2_distributed.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/espnet2_distributed.md -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/espnet2_task.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/espnet2_task.md -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/espnet2_training_option.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/espnet2_training_option.md -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/espnet2_tutorial.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/espnet2_tutorial.md -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/faq.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/faq.md -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/image/espnet_logo1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/image/espnet_logo1.png -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/index.rst -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/installation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/installation.md -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/make.bat -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/module2rst.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/module2rst.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/parallelization.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/parallelization.md -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/tutorial.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/tutorial.md -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/doc/usage2rst.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/doc/usage2rst.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/README.md -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/asr.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/asr.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/cmd.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/cmd.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/conf/fbank.conf: -------------------------------------------------------------------------------- 1 | --sample-frequency=16000 2 | --num-mel-bins=80 3 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/conf/pbs.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/conf/pbs.conf -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/conf/pitch.conf: -------------------------------------------------------------------------------- 1 | --sample-frequency=16000 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/db.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/db.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/local/path.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/path.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/path.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/pyscripts/feats/feat-to-shape.py: -------------------------------------------------------------------------------- 1 | ../../../../../utils/feat-to-shape.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/pyscripts/utils/get_yaml.py: -------------------------------------------------------------------------------- 1 | ../../../../../utils/get_yaml.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/scripts/feats/feat_to_shape.sh: -------------------------------------------------------------------------------- 1 | ../../../../../utils/feat_to_shape.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/scripts/feats/make_fbank.sh: -------------------------------------------------------------------------------- 1 | ../../../../../utils/make_fbank.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/scripts/feats/make_stft.sh: -------------------------------------------------------------------------------- 1 | ../../../../../utils/make_stft.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/scripts/utils/download_from_google_drive.sh: -------------------------------------------------------------------------------- 1 | ../../../../../utils/download_from_google_drive.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/setup.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/setup.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/steps: -------------------------------------------------------------------------------- 1 | ../../../tools/kaldi/egs/wsj/s5/steps -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/asr1/utils: -------------------------------------------------------------------------------- 1 | ../../../tools/kaldi/egs/wsj/s5/utils/ -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/cmd.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/cmd.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/db.sh: -------------------------------------------------------------------------------- 1 | ../../TEMPLATE/asr1/db.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/diar.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/diar.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/local/path.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/path.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/path.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/pyscripts/audio: -------------------------------------------------------------------------------- 1 | ../../asr1/pyscripts/audio -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/pyscripts/feats: -------------------------------------------------------------------------------- 1 | ../../asr1/pyscripts/feats -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/pyscripts/utils/get_yaml.py: -------------------------------------------------------------------------------- 1 | ../../../asr1/pyscripts/utils/get_yaml.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/pyscripts/utils/print_args.py: -------------------------------------------------------------------------------- 1 | ../../../asr1/pyscripts/utils/print_args.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/scripts/audio: -------------------------------------------------------------------------------- 1 | ../../asr1/scripts/audio -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/scripts/feats: -------------------------------------------------------------------------------- 1 | ../../asr1/scripts/feats -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/scripts/utils/TEMPLATE_HF_Readme.md: -------------------------------------------------------------------------------- 1 | ../../../asr1/scripts/utils/TEMPLATE_HF_Readme.md -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/scripts/utils/create_README_file.py: -------------------------------------------------------------------------------- 1 | egs2/TEMPLATE/asr1/scripts/utils/create_README_file.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/scripts/utils/get_model_names.py: -------------------------------------------------------------------------------- 1 | egs2/TEMPLATE/asr1/scripts/utils/get_model_names.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/scripts/utils/upload_models_to_hub.sh: -------------------------------------------------------------------------------- 1 | ../../../asr1/scripts/utils/upload_models_to_hub.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/setup.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/setup.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/steps: -------------------------------------------------------------------------------- 1 | ../../../tools/kaldi/egs/wsj/s5/steps -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/diar1/utils: -------------------------------------------------------------------------------- 1 | ../../../tools/kaldi/egs/wsj/s5/utils -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/README.md -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/cmd.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/cmd.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/conf/pbs.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/conf/pbs.conf -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/db.sh: -------------------------------------------------------------------------------- 1 | ../../TEMPLATE/asr1/db.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/enh.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/enh.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/local/path.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/path.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/path.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/pyscripts: -------------------------------------------------------------------------------- 1 | ../../TEMPLATE/asr1/pyscripts -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/scripts/audio: -------------------------------------------------------------------------------- 1 | ../../../TEMPLATE/asr1/scripts/audio -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/scripts/feats: -------------------------------------------------------------------------------- 1 | ../../../TEMPLATE/asr1/scripts/feats -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/setup.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/setup.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/steps: -------------------------------------------------------------------------------- 1 | ../../../tools/kaldi/egs/wsj/s5/steps -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/enh1/utils: -------------------------------------------------------------------------------- 1 | ../../../tools/kaldi/egs/wsj/s5/utils -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/README.md -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/cmd.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/cmd.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/conf/pbs.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/conf/pbs.conf -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/conf/vad.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/conf/vad.conf -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/db.sh: -------------------------------------------------------------------------------- 1 | ../asr1/db.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/local/path.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/path.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/path.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/pyscripts: -------------------------------------------------------------------------------- 1 | ../../TEMPLATE/asr1/pyscripts -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/scripts: -------------------------------------------------------------------------------- 1 | ../../TEMPLATE/asr1/scripts -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/setup.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/setup.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/sid: -------------------------------------------------------------------------------- 1 | ../../../tools/kaldi/egs/sre08/v1/sid -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/steps: -------------------------------------------------------------------------------- 1 | ../../../tools/kaldi/egs/wsj/s5/steps -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/tts.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/tts.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/TEMPLATE/tts1/utils: -------------------------------------------------------------------------------- 1 | ../../../tools/kaldi/egs/wsj/s5/utils/ -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/aishell/asr1/asr.sh: -------------------------------------------------------------------------------- 1 | ../../TEMPLATE/asr1/asr.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/aishell/asr1/cmd.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/aishell/asr1/cmd.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/aishell/asr1/conf/fbank.conf: -------------------------------------------------------------------------------- 1 | --sample-frequency=16000 2 | --num-mel-bins=80 3 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/aishell/asr1/conf/pbs.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/aishell/asr1/conf/pbs.conf -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/aishell/asr1/conf/pitch.conf: -------------------------------------------------------------------------------- 1 | --sample-frequency=16000 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/aishell/asr1/conf/train_asr_conformer.yaml: -------------------------------------------------------------------------------- 1 | tuning/train_asr_conformer.yaml -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/aishell/asr1/conf/train_asr_transformer.yaml: -------------------------------------------------------------------------------- 1 | tuning/train_asr_transformer_lr0.002.yaml -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/aishell/asr1/conf/train_lm_transformer.yaml: -------------------------------------------------------------------------------- 1 | tuning/train_lm_transformer.yaml -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/aishell/asr1/local/data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/aishell/asr1/local/data.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/aishell/asr1/local/download_and_untar.sh: -------------------------------------------------------------------------------- 1 | ../../../../egs/aishell/asr1/local/download_and_untar.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/aishell/asr1/local/path.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/aishell/asr1/local/path.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/aishell/asr1/path.sh: -------------------------------------------------------------------------------- 1 | ../../TEMPLATE/asr1/path.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/aishell/asr1/pyscripts: -------------------------------------------------------------------------------- 1 | ../../TEMPLATE/asr1/pyscripts -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/aishell/asr1/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/aishell/asr1/run.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/librispeech/asr1/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/librispeech/asr1/README.md -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/librispeech/asr1/asr.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/librispeech/asr1/asr.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/librispeech/asr1/cmd.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/librispeech/asr1/cmd.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/librispeech/asr1/conf/fbank.conf: -------------------------------------------------------------------------------- 1 | --sample-frequency=16000 2 | --num-mel-bins=80 3 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/librispeech/asr1/conf/pitch.conf: -------------------------------------------------------------------------------- 1 | --sample-frequency=16000 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/librispeech/asr1/db.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/librispeech/asr1/db.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/librispeech/asr1/local/path.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/librispeech/asr1/meta.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/librispeech/asr1/meta.yaml -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/librispeech/asr1/path.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/librispeech/asr1/path.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/librispeech/asr1/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/librispeech/asr1/run.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/RESULTS.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/mls/asr1/RESULTS.md -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/asr.sh: -------------------------------------------------------------------------------- 1 | ../../TEMPLATE/asr1/asr.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/cmd.sh: -------------------------------------------------------------------------------- 1 | ../../TEMPLATE/asr1/cmd.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/conf/decode_asr.yaml: -------------------------------------------------------------------------------- 1 | tuning/decode_transformer.yaml -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/conf/fbank.conf: -------------------------------------------------------------------------------- 1 | --sample-frequency=16000 2 | --num-mel-bins=80 3 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/conf/pbs.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/mls/asr1/conf/pbs.conf -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/conf/pitch.conf: -------------------------------------------------------------------------------- 1 | --sample-frequency=16000 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/conf/queue.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/mls/asr1/conf/queue.conf -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/conf/slurm.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/mls/asr1/conf/slurm.conf -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/conf/train_asr.yaml: -------------------------------------------------------------------------------- 1 | tuning/train_asr_transformer.yaml -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/conf/train_lm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/mls/asr1/conf/train_lm.yaml -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/local/data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/mls/asr1/local/data.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/local/data_prep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/mls/asr1/local/data_prep.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/local/path.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/path.sh: -------------------------------------------------------------------------------- 1 | ../../TEMPLATE/asr1/path.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/pyscripts: -------------------------------------------------------------------------------- 1 | ../../TEMPLATE/asr1/pyscripts -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/egs2/mls/asr1/run.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/scripts: -------------------------------------------------------------------------------- 1 | ../../TEMPLATE/asr1/scripts -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/setup.sh: -------------------------------------------------------------------------------- 1 | ../../TEMPLATE/asr1/setup.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/steps: -------------------------------------------------------------------------------- 1 | /home/jiatong/tools/kaldi/egs/wsj/s5/steps -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/egs2/mls/asr1/utils: -------------------------------------------------------------------------------- 1 | /home/jiatong/tools/kaldi/egs/wsj/s5/utils -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/__init__.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/asr/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/asr/asr_mix_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/asr/asr_mix_utils.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/asr/asr_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/asr/asr_utils.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/asr/chainer_backend/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/asr/pytorch_backend/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/bin/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/bin/asr_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/bin/asr_align.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/bin/asr_enhance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/bin/asr_enhance.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/bin/asr_recog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/bin/asr_recog.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/bin/asr_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/bin/asr_train.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/bin/lm_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/bin/lm_train.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/bin/mt_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/bin/mt_train.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/bin/mt_trans.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/bin/mt_trans.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/bin/st_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/bin/st_train.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/bin/st_trans.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/bin/st_trans.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/bin/tts_decode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/bin/tts_decode.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/bin/tts_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/bin/tts_train.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/bin/vc_decode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/bin/vc_decode.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/bin/vc_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/bin/vc_train.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/lm/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/lm/chainer_backend/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/lm/chainer_backend/lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/lm/chainer_backend/lm.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/lm/lm_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/lm/lm_utils.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/lm/pytorch_backend/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/lm/pytorch_backend/lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/lm/pytorch_backend/lm.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/mt/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/mt/mt_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/mt/mt_utils.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/mt/pytorch_backend/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/mt/pytorch_backend/mt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/mt/pytorch_backend/mt.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/asr_interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/nets/asr_interface.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/batch_beam_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/nets/batch_beam_search.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/beam_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/nets/beam_search.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/chainer_backend/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/chainer_backend/rnn/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/chainer_backend/transformer/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/ctc_prefix_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/nets/ctc_prefix_score.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/e2e_asr_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/nets/e2e_asr_common.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/e2e_mt_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/nets/e2e_mt_common.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/lm_interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/nets/lm_interface.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/mt_interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/nets/mt_interface.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/pytorch_backend/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/pytorch_backend/conformer/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/pytorch_backend/fastspeech/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/pytorch_backend/frontends/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/pytorch_backend/lm/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/pytorch_backend/maskctc/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/pytorch_backend/rnn/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/pytorch_backend/streaming/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/pytorch_backend/tacotron2/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/pytorch_backend/transducer/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/pytorch_backend/transformer/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/scorer_interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/nets/scorer_interface.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/scorers/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/scorers/ctc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/nets/scorers/ctc.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/scorers/ngram.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/nets/scorers/ngram.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/st_interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/nets/st_interface.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/nets/tts_interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/nets/tts_interface.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/optimizer/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/optimizer/chainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/optimizer/chainer.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/optimizer/factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/optimizer/factory.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/optimizer/parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/optimizer/parser.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/optimizer/pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/optimizer/pytorch.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/scheduler/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/scheduler/chainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/scheduler/chainer.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/scheduler/pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/scheduler/pytorch.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/scheduler/scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/scheduler/scheduler.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/transform/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize main package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/transform/add_deltas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/transform/add_deltas.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/transform/cmvn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/transform/cmvn.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/transform/functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/transform/functional.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/transform/perturb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/transform/perturb.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/transform/spec_augment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/transform/spec_augment.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/transform/spectrogram.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/transform/spectrogram.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/transform/wpe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/transform/wpe.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/utils/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/utils/check_kwargs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/utils/check_kwargs.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/utils/cli_readers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/utils/cli_readers.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/utils/cli_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/utils/cli_utils.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/utils/cli_writers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/utils/cli_writers.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/utils/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/utils/dataset.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/utils/dynamic_import.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/utils/dynamic_import.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/utils/io_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/utils/io_utils.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/utils/spec_augment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/utils/spec_augment.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/utils/training/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/utils/training/batchfy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet/utils/training/batchfy.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet/version.txt: -------------------------------------------------------------------------------- 1 | 0.10.0 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/API_asr/api_asr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/API_asr/api_asr.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/__init__.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/asr/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/asr/asr_mix_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/asr/asr_mix_utils.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/asr/asr_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/asr/asr_utils.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/asr/chainer_backend/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/asr/ctc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/asr/ctc.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/asr/decoder/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/asr/encoder/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/asr/espnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/asr/espnet_model.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/asr/frontend/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/asr/frontend/default.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/asr/frontend/default.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/asr/frontend/s3prl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/asr/frontend/s3prl.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/asr/preencoder/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/asr/preencoder/linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/asr/preencoder/linear.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/asr/preencoder/sinc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/asr/preencoder/sinc.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/asr/pytorch_backend/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/asr/specaug/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/asr/specaug/specaug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/asr/specaug/specaug.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/attack/black_attack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/attack/black_attack.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/attack/ldist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/attack/ldist.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/attack/ldist_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/attack/ldist_test.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/bin/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/bin/asr_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/bin/asr_inference.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/bin/asr_recog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/bin/asr_recog.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/bin/asr_result_cal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/bin/asr_result_cal.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/bin/asr_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/bin/asr_train.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/bin/pack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/bin/pack.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/bin/tokenize_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/bin/tokenize_text.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/bin/tts_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/bin/tts_inference.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/diar/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/diar/abs_diar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/diar/abs_diar.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/diar/decoder/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/diar/espnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/diar/espnet_model.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/diar/label_processor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/diar/label_processor.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/espnet2.egg-info/dependency_links.txt: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/espnet2.egg-info/requires.txt: -------------------------------------------------------------------------------- 1 | numpy 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/espnet2.egg-info/top_level.txt: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/fileio/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/fileio/datadir_writer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/fileio/datadir_writer.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/fileio/npy_scp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/fileio/npy_scp.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/fileio/read_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/fileio/read_text.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/fileio/rttm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/fileio/rttm.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/fileio/sound_scp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/fileio/sound_scp.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/iterators/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/layers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/layers/abs_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/layers/abs_normalize.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/layers/global_mvn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/layers/global_mvn.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/layers/log_mel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/layers/log_mel.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/layers/sinc_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/layers/sinc_conv.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/layers/stft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/layers/stft.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/layers/time_warp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/layers/time_warp.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/layers/utterance_mvn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/layers/utterance_mvn.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/lm/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/lm/abs_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/lm/abs_model.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/lm/chainer_backend/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/lm/chainer_backend/lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/lm/chainer_backend/lm.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/lm/espnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/lm/espnet_model.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/lm/lm_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/lm/lm_utils.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/lm/pytorch_backend/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/lm/pytorch_backend/lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/lm/pytorch_backend/lm.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/lm/seq_rnn_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/lm/seq_rnn_lm.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/lm/transformer_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/lm/transformer_lm.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/main_funcs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/mt/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/mt/mt_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/mt/mt_utils.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/mt/pytorch_backend/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/asr_interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/nets/asr_interface.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/beam_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/nets/beam_search.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/chainer_backend/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/chainer_backend/rnn/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/chainer_backend/transformer/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/e2e_mt_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/nets/e2e_mt_common.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/lm_interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/nets/lm_interface.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/mt_interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/nets/mt_interface.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/pytorch_backend/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/pytorch_backend/conformer/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/pytorch_backend/fastspeech/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/pytorch_backend/frontends/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/pytorch_backend/lm/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/pytorch_backend/maskctc/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/pytorch_backend/rnn/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/pytorch_backend/streaming/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/pytorch_backend/tacotron2/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/pytorch_backend/transducer/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/pytorch_backend/transformer/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/scorers/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/scorers/ctc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/nets/scorers/ctc.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/scorers/ngram.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/nets/scorers/ngram.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/st_interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/nets/st_interface.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/nets/tts_interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/nets/tts_interface.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/optimizer/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/optimizer/chainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/optimizer/chainer.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/optimizer/factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/optimizer/factory.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/optimizer/parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/optimizer/parser.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/optimizer/pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/optimizer/pytorch.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/optimizers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/optimizers/sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/optimizers/sgd.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/samplers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/scheduler/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/scheduler/chainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/scheduler/chainer.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/scheduler/pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/scheduler/pytorch.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/schedulers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/schedulers/noam_lr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/schedulers/noam_lr.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/setup.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/st/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/st/pytorch_backend/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tasks/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tasks/abs_task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/tasks/abs_task.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tasks/abs_task_o.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/tasks/abs_task_o.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tasks/asr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/tasks/asr.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tasks/diar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/tasks/diar.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tasks/enh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/tasks/enh.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tasks/enh_asr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/tasks/enh_asr.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tasks/lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/tasks/lm.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tasks/tts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/tasks/tts.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/text/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/text/abs_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/text/abs_tokenizer.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/text/cleaner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/text/cleaner.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/torch_utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/transform/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize main package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/transform/cmvn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/transform/cmvn.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/transform/perturb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/transform/perturb.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/transform/wpe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/transform/wpe.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tts/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tts/abs_tts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/tts/abs_tts.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tts/espnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/tts/espnet_model.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tts/fastspeech.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/tts/fastspeech.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tts/fastspeech2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/tts/fastspeech2.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tts/feats_extract/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tts/gst/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tts/pytorch_backend/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tts/tacotron2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/tts/tacotron2.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/tts/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/tts/transformer.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/utils/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/utils/check_kwargs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/utils/check_kwargs.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/utils/cli_readers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/utils/cli_readers.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/utils/cli_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/utils/cli_utils.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/utils/cli_writers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/utils/cli_writers.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/utils/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/utils/dataset.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/utils/griffin_lim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/utils/griffin_lim.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/utils/io_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/utils/io_utils.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/utils/sized_dict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/utils/sized_dict.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/utils/spec_augment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/utils/spec_augment.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/utils/training/__init__.py: -------------------------------------------------------------------------------- 1 | """Initialize sub package.""" 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/utils/types.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/espnet/espnet2/utils/types.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/espnet/espnet2/version.txt: -------------------------------------------------------------------------------- 1 | 0.10.0 2 | -------------------------------------------------------------------------------- /examples/attacks/transaudio/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/requirements.txt -------------------------------------------------------------------------------- /examples/attacks/transaudio/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/run.py -------------------------------------------------------------------------------- /examples/attacks/transaudio/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/run.sh -------------------------------------------------------------------------------- /examples/attacks/transaudio/transaudio.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/attacks/transaudio/transaudio.png -------------------------------------------------------------------------------- /examples/imageclassification/cifar10/adversarial_training/main.py: -------------------------------------------------------------------------------- 1 | # todo -------------------------------------------------------------------------------- /examples/imageclassification/cifar10/base_training_script.py: -------------------------------------------------------------------------------- 1 | # todo -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/SIN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/SIN/README.md -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/SIN/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/SIN/main.py -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/advprop/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/advprop/README.md -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/advprop/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/advprop/main.py -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/apr/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/apr/README.md -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/apr/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/apr/main.py -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/augmix/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/augmix/README.md -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/augmix/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/augmix/main.py -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/base_training_script.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/base_training_script.py -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/dat/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/dat/README.md -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/dat/framework.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/dat/framework.jpg -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/dat/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/dat/main.py -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/deepaugment/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/deepaugment/README.md -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/deepaugment/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/deepaugment/main.py -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/drvit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/drvit/README.md -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/drvit/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/drvit/main.py -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/fan/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/fan/README.md -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/fan/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/fan/main.py -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/hat/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/hat/README.md -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/hat/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/hat/main.py -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/prime/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/prime/README.md -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/prime/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/prime/main.py -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/resnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/resnet50.py -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/rvt/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/rvt/README.md -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/rvt/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/rvt/main.py -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/wiseft/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/wiseft/README.md -------------------------------------------------------------------------------- /examples/imageclassification/imagenet/wiseft/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/imageclassification/imagenet/wiseft/main.py -------------------------------------------------------------------------------- /examples/ood_detection/BATS/Compare.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/ood_detection/BATS/Compare.png -------------------------------------------------------------------------------- /examples/ood_detection/BATS/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/ood_detection/BATS/README.md -------------------------------------------------------------------------------- /examples/ood_detection/BATS/cifar_features_mean.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/ood_detection/BATS/cifar_features_mean.pt -------------------------------------------------------------------------------- /examples/ood_detection/BATS/cifar_features_std.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/ood_detection/BATS/cifar_features_std.pt -------------------------------------------------------------------------------- /examples/ood_detection/BATS/cifar_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/ood_detection/BATS/cifar_resnet.py -------------------------------------------------------------------------------- /examples/ood_detection/BATS/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/ood_detection/BATS/test.sh -------------------------------------------------------------------------------- /examples/ood_detection/BATS/test_ood.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/ood_detection/BATS/test_ood.py -------------------------------------------------------------------------------- /examples/ood_detection/BATS/utils/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/ood_detection/BATS/utils/log.py -------------------------------------------------------------------------------- /examples/ood_detection/BATS/utils/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/ood_detection/BATS/utils/test_utils.py -------------------------------------------------------------------------------- /examples/ood_detection/BATS/vit_features_mean.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/ood_detection/BATS/vit_features_mean.pt -------------------------------------------------------------------------------- /examples/ood_detection/BATS/vit_features_std.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/examples/ood_detection/BATS/vit_features_std.pt -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- 1 | -r requirements/build.txt -------------------------------------------------------------------------------- /requirements/build.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/requirements/build.txt -------------------------------------------------------------------------------- /requirements/optional.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/requirements/optional.txt -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/setup.py -------------------------------------------------------------------------------- /tests/test_vqgan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tests/test_vqgan.py -------------------------------------------------------------------------------- /tools/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/README.md -------------------------------------------------------------------------------- /tools/cnn_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/cnn_attention.py -------------------------------------------------------------------------------- /tools/decision_bound.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/decision_bound.py -------------------------------------------------------------------------------- /tools/images/cnn_attn_robust_r50.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/images/cnn_attn_robust_r50.jpg -------------------------------------------------------------------------------- /tools/images/cnn_attn_standard_r50.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/images/cnn_attn_standard_r50.jpg -------------------------------------------------------------------------------- /tools/images/vis_decision_bound_robust_r50.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/images/vis_decision_bound_robust_r50.jpg -------------------------------------------------------------------------------- /tools/images/vis_decision_bound_standard_r50.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/images/vis_decision_bound_standard_r50.jpg -------------------------------------------------------------------------------- /tools/images/vis_filters_robust_r50.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/images/vis_filters_robust_r50.png -------------------------------------------------------------------------------- /tools/images/vis_filters_standard_r50.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/images/vis_filters_standard_r50.png -------------------------------------------------------------------------------- /tools/images/vit_attn_robust_vit_b.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/images/vit_attn_robust_vit_b.jpg -------------------------------------------------------------------------------- /tools/images/vit_attn_standard_vit_b.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/images/vit_attn_standard_vit_b.jpg -------------------------------------------------------------------------------- /tools/kernal_visualization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/kernal_visualization.py -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/airplane.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/airplane.png -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/bear.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/bear.png -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/bicycle.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/bicycle.png -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/bird.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/bird.png -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/boat.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/boat.png -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/bottle.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/bottle.png -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/car.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/car.png -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/cat.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/cat.png -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/chair.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/chair.png -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/clock.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/clock.png -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/colorbar.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/colorbar.pdf -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/dog.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/dog.png -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/elephant.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/elephant.png -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/keyboard.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/keyboard.png -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/knife.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/knife.png -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/oven.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/oven.png -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/response_icons_horizontal.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/response_icons_horizontal.png -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/response_icons_vertical.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/response_icons_vertical.png -------------------------------------------------------------------------------- /tools/modelvshuman/assets/icons/truck.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/assets/icons/truck.png -------------------------------------------------------------------------------- /tools/modelvshuman/licenses/CODE_LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/licenses/CODE_LICENSE -------------------------------------------------------------------------------- /tools/modelvshuman/licenses/LICENSES_OVERVIEW.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/licenses/LICENSES_OVERVIEW.md -------------------------------------------------------------------------------- /tools/modelvshuman/licenses/MODEL_LICENSES: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/licenses/MODEL_LICENSES -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/__init__.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/cli.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/constants.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/datasets/__init__.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/datasets/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/datasets/base.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/datasets/create_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/datasets/create_dataset.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/datasets/dataloaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/datasets/dataloaders.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/datasets/decision_mappings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/datasets/decision_mappings.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/datasets/experiments.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/datasets/experiments.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/datasets/imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/datasets/imagenet.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/datasets/info_mappings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/datasets/info_mappings.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/datasets/noise_generalisation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/datasets/noise_generalisation.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/datasets/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/datasets/registry.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/datasets/sketch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/datasets/sketch.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/datasets/stylized.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/datasets/stylized.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/datasets/texture_shape.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/datasets/texture_shape.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/evaluation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/evaluation/evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/evaluation/evaluate.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/evaluation/imagenet_labels.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/evaluation/imagenet_labels.txt -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/evaluation/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/evaluation/metrics.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/helper/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/helper/categories.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/helper/categories.txt -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/helper/human_categories.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/helper/human_categories.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/helper/plotting_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/helper/plotting_helper.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/helper/wordnet_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/helper/wordnet_functions.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/model_evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/model_evaluator.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/models/__init__.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/models/pytorch/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/models/pytorch/model_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/models/pytorch/model_zoo.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/models/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/models/registry.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/models/wrappers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/models/wrappers/__init__.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/models/wrappers/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/models/wrappers/base.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/models/wrappers/pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/models/wrappers/pytorch.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/plotting/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/plotting/__init__.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/plotting/analyses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/plotting/analyses.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/plotting/colors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/plotting/colors.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/plotting/decision_makers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/plotting/decision_makers.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/plotting/plot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/plotting/plot.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/utils.py -------------------------------------------------------------------------------- /tools/modelvshuman/modelvshuman/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/modelvshuman/version.py -------------------------------------------------------------------------------- /tools/modelvshuman/raw-data/edge/edge_subject-01_session_1.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/raw-data/edge/edge_subject-01_session_1.csv -------------------------------------------------------------------------------- /tools/modelvshuman/raw-data/edge/edge_subject-02_session_1.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/raw-data/edge/edge_subject-02_session_1.csv -------------------------------------------------------------------------------- /tools/modelvshuman/raw-data/edge/edge_subject-03_session_1.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/raw-data/edge/edge_subject-03_session_1.csv -------------------------------------------------------------------------------- /tools/modelvshuman/raw-data/edge/edge_subject-04_session_1.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/raw-data/edge/edge_subject-04_session_1.csv -------------------------------------------------------------------------------- /tools/modelvshuman/raw-data/edge/edge_subject-05_session_1.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/raw-data/edge/edge_subject-05_session_1.csv -------------------------------------------------------------------------------- /tools/modelvshuman/raw-data/edge/edge_subject-06_session_1.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/raw-data/edge/edge_subject-06_session_1.csv -------------------------------------------------------------------------------- /tools/modelvshuman/raw-data/edge/edge_subject-07_session_1.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/raw-data/edge/edge_subject-07_session_1.csv -------------------------------------------------------------------------------- /tools/modelvshuman/raw-data/edge/edge_subject-08_session_1.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/raw-data/edge/edge_subject-08_session_1.csv -------------------------------------------------------------------------------- /tools/modelvshuman/raw-data/edge/edge_subject-09_session_1.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/raw-data/edge/edge_subject-09_session_1.csv -------------------------------------------------------------------------------- /tools/modelvshuman/raw-data/edge/edge_subject-10_session_1.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/raw-data/edge/edge_subject-10_session_1.csv -------------------------------------------------------------------------------- /tools/modelvshuman/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/setup.cfg -------------------------------------------------------------------------------- /tools/modelvshuman/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/modelvshuman/setup.py -------------------------------------------------------------------------------- /tools/shape_texture_bias.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/shape_texture_bias.py -------------------------------------------------------------------------------- /tools/vit_attenton.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/alibaba/easyrobust/HEAD/tools/vit_attenton.py --------------------------------------------------------------------------------