├── .gitignore ├── LICENSE ├── MODELS.md ├── README.md ├── ViLBERT_VOLTA.png ├── ablate_lang4vis.py ├── ablate_vis4lang.py ├── apex ├── .gitmodules ├── .nojekyll ├── LICENSE ├── README.md ├── apex │ ├── RNN │ │ ├── README.md │ │ ├── RNNBackend.py │ │ ├── __init__.py │ │ ├── cells.py │ │ └── models.py │ ├── __init__.py │ ├── amp │ │ ├── README.md │ │ ├── __init__.py │ │ ├── __version__.py │ │ ├── _amp_state.py │ │ ├── _initialize.py │ │ ├── _process_optimizer.py │ │ ├── amp.py │ │ ├── compat.py │ │ ├── frontend.py │ │ ├── handle.py │ │ ├── lists │ │ │ ├── __init__.py │ │ │ ├── functional_overrides.py │ │ │ ├── tensor_overrides.py │ │ │ └── torch_overrides.py │ │ ├── opt.py │ │ ├── rnn_compat.py │ │ ├── scaler.py │ │ ├── utils.py │ │ └── wrap.py │ ├── contrib │ │ ├── __init__.py │ │ ├── csrc │ │ │ ├── groupbn │ │ │ │ ├── batch_norm.cu │ │ │ │ ├── batch_norm.h │ │ │ │ ├── batch_norm_add_relu.cu │ │ │ │ ├── batch_norm_add_relu.h │ │ │ │ ├── cuda_utils.h │ │ │ │ ├── interface.cpp │ │ │ │ ├── ipc.cu │ │ │ │ └── nhwc_batch_norm_kernel.h │ │ │ ├── multihead_attn │ │ │ │ ├── dropout.h │ │ │ │ ├── encdec_multihead_attn.cpp │ │ │ │ ├── encdec_multihead_attn_cuda.cu │ │ │ │ ├── encdec_multihead_attn_norm_add.cpp │ │ │ │ ├── encdec_multihead_attn_norm_add_cuda.cu │ │ │ │ ├── layer_norm.h │ │ │ │ ├── self_multihead_attn.cpp │ │ │ │ ├── self_multihead_attn_cuda.cu │ │ │ │ ├── self_multihead_attn_norm_add.cpp │ │ │ │ ├── self_multihead_attn_norm_add_cuda.cu │ │ │ │ ├── softmax.h │ │ │ │ └── strided_batched_gemm.h │ │ │ ├── optimizers │ │ │ │ ├── fused_adam_cuda.cpp │ │ │ │ └── fused_adam_cuda_kernel.cu │ │ │ └── xentropy │ │ │ │ ├── interface.cpp │ │ │ │ └── xentropy_kernel.cu │ │ ├── examples │ │ │ └── multihead_attn │ │ │ │ └── perf_test_multihead_attn.py │ │ ├── groupbn │ │ │ ├── __init__.py │ │ │ └── batch_norm.py │ │ ├── multihead_attn │ │ │ ├── MHA_bwd.png │ │ │ ├── MHA_fwd.png │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── encdec_multihead_attn.py │ │ │ ├── encdec_multihead_attn_func.py │ │ │ ├── fast_encdec_multihead_attn_func.py │ │ │ ├── fast_encdec_multihead_attn_norm_add_func.py │ │ │ ├── fast_self_multihead_attn_func.py │ │ │ ├── fast_self_multihead_attn_norm_add_func.py │ │ │ ├── self_multihead_attn.py │ │ │ └── self_multihead_attn_func.py │ │ ├── optimizers │ │ │ ├── __init__.py │ │ │ ├── fp16_optimizer.py │ │ │ ├── fused_adam.py │ │ │ └── fused_sgd.py │ │ ├── test │ │ │ ├── multihead_attn │ │ │ │ ├── test_encdec_multihead_attn.py │ │ │ │ ├── test_encdec_multihead_attn_norm_add.py │ │ │ │ ├── test_self_multihead_attn.py │ │ │ │ └── test_self_multihead_attn_norm_add.py │ │ │ └── test_label_smoothing.py │ │ └── xentropy │ │ │ ├── __init__.py │ │ │ └── softmax_xentropy.py │ ├── fp16_utils │ │ ├── README.md │ │ ├── __init__.py │ │ ├── fp16_optimizer.py │ │ ├── fp16util.py │ │ └── loss_scaler.py │ ├── multi_tensor_apply │ │ ├── __init__.py │ │ └── multi_tensor_apply.py │ ├── normalization │ │ ├── __init__.py │ │ └── fused_layer_norm.py │ ├── optimizers │ │ ├── __init__.py │ │ ├── fused_adam.py │ │ ├── fused_lamb.py │ │ ├── fused_novograd.py │ │ └── fused_sgd.py │ ├── parallel │ │ ├── LARC.py │ │ ├── README.md │ │ ├── __init__.py │ │ ├── distributed.py │ │ ├── multiproc.py │ │ ├── optimized_sync_batchnorm.py │ │ ├── optimized_sync_batchnorm_kernel.py │ │ ├── sync_batchnorm.py │ │ └── sync_batchnorm_kernel.py │ ├── pyprof │ │ ├── FAQs.md │ │ ├── README.md │ │ ├── __init__.py │ │ ├── examples │ │ │ ├── .gitignore │ │ │ ├── apex │ │ │ │ ├── README.md │ │ │ │ ├── fused_adam.py │ │ │ │ ├── fused_layer_norm.py │ │ │ │ └── test.sh │ │ │ ├── custom_func_module │ │ │ │ ├── README.md │ │ │ │ ├── custom_function.py │ │ │ │ ├── custom_module.py │ │ │ │ └── test.sh │ │ │ ├── imagenet │ │ │ │ ├── imagenet.py │ │ │ │ └── test.sh │ │ │ ├── jit │ │ │ │ ├── README.md │ │ │ │ ├── jit_script_function.py │ │ │ │ ├── jit_script_method.py │ │ │ │ ├── jit_trace_function.py │ │ │ │ ├── jit_trace_method.py │ │ │ │ └── test.sh │ │ │ ├── lenet.py │ │ │ ├── operators.py │ │ │ ├── simple.py │ │ │ └── user_annotation │ │ │ │ ├── README.md │ │ │ │ ├── resnet.py │ │ │ │ └── test.sh │ │ ├── nvtx │ │ │ ├── __init__.py │ │ │ └── nvmarker.py │ │ ├── parse │ │ │ ├── __init__.py │ │ │ ├── __main__.py │ │ │ ├── db.py │ │ │ ├── kernel.py │ │ │ ├── nvvp.py │ │ │ └── parse.py │ │ └── prof │ │ │ ├── __init__.py │ │ │ ├── __main__.py │ │ │ ├── activation.py │ │ │ ├── base.py │ │ │ ├── blas.py │ │ │ ├── conv.py │ │ │ ├── convert.py │ │ │ ├── data.py │ │ │ ├── dropout.py │ │ │ ├── embedding.py │ │ │ ├── index_slice_join_mutate.py │ │ │ ├── linear.py │ │ │ ├── loss.py │ │ │ ├── misc.py │ │ │ ├── normalization.py │ │ │ ├── optim.py │ │ │ ├── output.py │ │ │ ├── pointwise.py │ │ │ ├── pooling.py │ │ │ ├── prof.py │ │ │ ├── randomSample.py │ │ │ ├── recurrentCell.py │ │ │ ├── reduction.py │ │ │ ├── softmax.py │ │ │ ├── usage.py │ │ │ └── utility.py │ └── reparameterization │ │ ├── README.md │ │ ├── __init__.py │ │ ├── reparameterization.py │ │ └── weight_norm.py ├── csrc │ ├── amp_C_frontend.cpp │ ├── compat.h │ ├── flatten_unflatten.cpp │ ├── layer_norm_cuda.cpp │ ├── layer_norm_cuda_kernel.cu │ ├── multi_tensor_adam.cu │ ├── multi_tensor_apply.cuh │ ├── multi_tensor_axpby_kernel.cu │ ├── multi_tensor_l2norm_kernel.cu │ ├── multi_tensor_lamb.cu │ ├── multi_tensor_lamb_stage_1.cu │ ├── multi_tensor_lamb_stage_2.cu │ ├── multi_tensor_novograd.cu │ ├── multi_tensor_scale_kernel.cu │ ├── multi_tensor_sgd_kernel.cu │ ├── syncbn.cpp │ ├── type_shim.h │ └── welford.cu ├── docs │ ├── Makefile │ └── source │ │ ├── _static │ │ ├── css │ │ │ └── pytorch_theme.css │ │ └── img │ │ │ └── nv-pytorch2.png │ │ ├── _templates │ │ └── layout.html │ │ ├── advanced.rst │ │ ├── amp.rst │ │ ├── conf.py │ │ ├── fp16_utils.rst │ │ ├── index.rst │ │ ├── layernorm.rst │ │ ├── optimizers.rst │ │ └── parallel.rst ├── examples │ ├── README.md │ ├── dcgan │ │ ├── README.md │ │ └── main_amp.py │ ├── docker │ │ ├── Dockerfile │ │ └── README.md │ ├── imagenet │ │ ├── README.md │ │ └── main_amp.py │ └── simple │ │ └── distributed │ │ ├── README.md │ │ ├── distributed_data_parallel.py │ │ └── run.sh ├── requirements.txt ├── setup.py └── tests │ ├── L0 │ ├── run_amp │ │ ├── __init__.py │ │ ├── test_add_param_group.py │ │ ├── test_basic_casts.py │ │ ├── test_cache.py │ │ ├── test_checkpointing.py │ │ ├── test_fused_sgd.py │ │ ├── test_multi_tensor_axpby.py │ │ ├── test_multi_tensor_l2norm.py │ │ ├── test_multi_tensor_scale.py │ │ ├── test_multiple_models_optimizers_losses.py │ │ ├── test_promotion.py │ │ ├── test_rnn.py │ │ └── utils.py │ ├── run_fp16util │ │ ├── __init__.py │ │ └── test_fp16util.py │ ├── run_fused_layer_norm │ │ └── test_fused_layer_norm.py │ ├── run_optimizers │ │ ├── __init__.py │ │ └── test_adam.py │ ├── run_pyprof_nvtx │ │ ├── __init__.py │ │ └── test_pyprof_nvtx.py │ └── run_test.py │ ├── L1 │ ├── common │ │ ├── compare.py │ │ ├── main_amp.py │ │ └── run_test.sh │ ├── cross_product │ │ └── run.sh │ └── cross_product_distributed │ │ └── run.sh │ ├── distributed │ ├── DDP │ │ ├── ddp_race_condition_test.py │ │ └── run_race_test.sh │ ├── amp_master_params │ │ ├── amp_master_params.py │ │ ├── compare.py │ │ └── run.sh │ └── synced_batchnorm │ │ ├── python_single_gpu_unit_test.py │ │ ├── single_gpu_unit_test.py │ │ ├── test_batchnorm1d.py │ │ ├── test_groups.py │ │ ├── two_gpu_unit_test.py │ │ └── unit_test.sh │ └── docker_extension_builds │ └── run.sh ├── config ├── bert-base-uncased_weight_name.json ├── ctrl_lxmert.json ├── ctrl_muniter_base.json ├── ctrl_uniter_base.json ├── ctrl_vilbert_base.json ├── ctrl_visualbert_base.json ├── ctrl_vl-bert_base.json ├── ctrl_xuniter_base.json ├── lxmert.json ├── m3p_base.json ├── original_lxmert.json ├── uc2_base.json ├── vilbert_base.json └── vl-bert_base.json ├── config_tasks ├── all_trainval_tasks.yml ├── cross-modal-ablation_test_tasks.yml ├── ctrl_test_tasks.yml ├── ctrl_trainval_tasks.yml ├── iglue_fewshot_tasks_X101.yml ├── iglue_fewshot_tasks_boxes36.yml ├── iglue_test_tasks_X101.yml ├── iglue_test_tasks_boxes36.yml ├── iglue_trainval_tasks_X101.yml ├── iglue_trainval_tasks_boxes36.yml ├── lxmert_test_tasks.yml ├── lxmert_trainval_tasks.yml ├── vilbert_test_tasks.yml ├── vilbert_trainval_tasks.yml ├── vl-bert_test_tasks.yml └── vl-bert_trainval_tasks.yml ├── conversions ├── M3P_volta.ipynb ├── convert_lxmert.py ├── convert_uc2.py ├── m3p.json └── m3p_body2volta.json ├── data ├── README.md ├── conceptual_captions │ ├── README.md │ ├── download_data.py │ ├── extract_cc_image.py │ ├── merge_cc_image.py │ ├── preprocess_cc_train.py │ ├── preprocess_cc_train.sh │ ├── preprocess_cc_valid.py │ ├── preprocess_cc_valid.sh │ ├── train_ids.txt │ └── valid_ids.txt ├── flickr30k │ ├── README.md │ ├── convert_flickr30k_lmdb.py │ ├── convert_flickr30k_lmdb.sh │ ├── download_captions.sh │ ├── extract_captions.py │ ├── extract_captions.sh │ ├── extract_flickr30k_image.py │ └── merge_flickr30k_image.py ├── gqa │ ├── README.md │ ├── convert_vg_gqa_lmdb.py │ ├── convert_vg_gqa_lmdb.sh │ ├── extract_vg_gqa_image.py │ └── merge_vg_gqa_image.py ├── mscoco │ ├── README.md │ ├── convert_coco_lmdb.py │ ├── convert_coco_lmdb.sh │ ├── download_data.sh │ ├── extract_captions.py │ ├── extract_captions.sh │ ├── extract_coco_image.py │ ├── merge_coco_image.py │ └── test1k_ids.txt ├── nlvr2 │ ├── README.md │ ├── convert_nlvr2_lmdb.py │ ├── convert_nlvr2_lmdb.sh │ ├── download_captions.sh │ ├── extract_nlvr2_image.py │ └── merge_nlvr2_image.py ├── refcoco+_unc │ ├── README.md │ ├── convert_refcoco+_unc_dets36_lmdb.py │ ├── convert_refcoco+_unc_dets36_lmdb.sh │ ├── download_data.sh │ ├── extract_refcoco+_unc_dets36_image.py │ ├── merge_refcoco+_unc_dets36_image.py │ ├── select_regions.py │ └── select_regions.sh ├── refcoco_unc │ ├── README.md │ ├── convert_refcoco_unc_dets36_lmdb.py │ ├── convert_refcoco_unc_dets36_lmdb.sh │ ├── download_data.sh │ ├── extract_refcoco_unc_dets36_image.py │ ├── merge_refcoco_unc_dets36_image.py │ ├── select_regions.py │ └── select_regions.sh ├── refcocog_umd │ ├── README.md │ ├── convert_refcocog_umd_dets36_lmdb.py │ ├── convert_refcocog_umd_dets36_lmdb.sh │ ├── download_data.sh │ ├── extract_refcocog_umd_dets36_image.py │ ├── merge_refcocog_umd_dets36_image.py │ ├── select_regions.py │ └── select_regions.sh ├── snap │ └── pretrained │ │ └── .gitkeep ├── snli_ve │ └── README.md └── vqa │ └── README.md ├── eval_retrieval.py ├── eval_task.py ├── examples ├── cross-modal-ablation │ └── ctrl_uniter │ │ ├── flickr30kentities_lang4vis │ │ ├── all │ │ │ └── val.sh │ │ ├── none │ │ │ └── val.sh │ │ └── phrase │ │ │ └── val.sh │ │ └── flickr30kentities_vis4lang │ │ ├── all │ │ └── val.sh │ │ ├── none │ │ └── val.sh │ │ └── object │ │ └── val.sh ├── ctrl_lxmert │ ├── concap │ │ └── train.sh │ ├── flickr30k │ │ ├── test.sh │ │ └── train.sh │ ├── nlvr2 │ │ ├── test.sh │ │ └── train.sh │ ├── refcoco+_unc │ │ ├── test.sh │ │ └── train.sh │ └── vqa │ │ ├── test.sh │ │ └── train.sh ├── ctrl_uniter │ ├── concap │ │ └── train.sh │ ├── flickr30k │ │ ├── test.sh │ │ └── train.sh │ ├── nlvr2 │ │ ├── test.sh │ │ └── train.sh │ ├── refcoco+_unc │ │ ├── test.sh │ │ └── train.sh │ └── vqa │ │ ├── test.sh │ │ └── train.sh ├── ctrl_vilbert │ ├── concap │ │ └── train.sh │ ├── flickr30k │ │ ├── test.sh │ │ └── train.sh │ ├── nlvr2 │ │ ├── test.sh │ │ └── train.sh │ ├── refcoco+_unc │ │ ├── test.sh │ │ └── train.sh │ └── vqa │ │ ├── test.sh │ │ └── train.sh ├── ctrl_visualbert │ ├── concap │ │ └── train.sh │ ├── flickr30k │ │ ├── test.sh │ │ └── train.sh │ ├── nlvr2 │ │ ├── test.sh │ │ └── train.sh │ ├── refcoco+_unc │ │ ├── test.sh │ │ └── train.sh │ └── vqa │ │ ├── test.sh │ │ └── train.sh ├── ctrl_vl-bert │ ├── concap │ │ └── train.sh │ ├── flickr30k │ │ ├── test.sh │ │ └── train.sh │ ├── nlvr2 │ │ ├── test.sh │ │ └── train.sh │ ├── refcoco+_unc │ │ ├── test.sh │ │ └── train.sh │ └── vqa │ │ ├── test.sh │ │ └── train.sh ├── lxmert │ ├── concap │ │ └── train.sh │ ├── gqa │ │ ├── test.sh │ │ └── train.sh │ ├── nlvr2 │ │ ├── test.sh │ │ └── train.sh │ └── vqa │ │ ├── test.sh │ │ └── train.sh ├── uc2 │ ├── few_shot │ │ ├── marvl │ │ │ ├── id │ │ │ │ ├── 1 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 2 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 4 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ └── 10x2 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ ├── tr │ │ │ │ ├── 1 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 2 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 4 │ │ │ │ │ ├── test.1e-4.log.old │ │ │ │ │ ├── test.1e-5.log.old │ │ │ │ │ ├── test.5e-5.log.old │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ └── 10x2 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ └── zh │ │ │ │ ├── 1 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 2 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 4 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ │ └── 10x2 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ ├── xflickrco │ │ │ ├── de │ │ │ │ ├── 1 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 5 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 25 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 50 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 100 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 200 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 500 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 1000 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 1500 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 100x5 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ └── 200x5 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ ├── es │ │ │ │ ├── 1 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 5 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 25 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 50 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ └── 100 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ ├── id │ │ │ │ ├── 1 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 5 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 25 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 50 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ └── 100 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ ├── ja │ │ │ │ ├── 1 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 5 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 25 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 50 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 100 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 200 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 500 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 1000 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 1500 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 100x5 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ └── 200x5 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ ├── ru │ │ │ │ ├── 1 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 5 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 25 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 50 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ └── 100 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ ├── tr │ │ │ │ ├── 1 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 5 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 25 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 50 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ └── 100 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ └── zh │ │ │ │ ├── 1 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 5 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 25 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 50 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ │ └── 100 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ ├── xgqa │ │ │ ├── bn │ │ │ │ ├── 1 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 5 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 20 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 25 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ └── 48 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ ├── de │ │ │ │ ├── 1 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 5 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 20 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 25 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ └── 48 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ ├── en │ │ │ │ ├── 1 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 5 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 20 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 25 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ └── 48 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ ├── id │ │ │ │ ├── 1 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 5 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 20 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 25 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ └── 48 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ ├── ko │ │ │ │ ├── 1 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 5 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 20 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 25 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ └── 48 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ ├── pt │ │ │ │ ├── 1 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 5 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 20 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 25 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ └── 48 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ ├── ru │ │ │ │ ├── 1 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 5 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 20 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 25 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ │ └── 48 │ │ │ │ │ ├── test.dtu.sh │ │ │ │ │ └── train.dtu.sh │ │ │ └── zh │ │ │ │ ├── 1 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 5 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 10 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 20 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ │ ├── 25 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ │ └── 48 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ └── xvnli │ │ │ ├── ar │ │ │ ├── 1 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ ├── 5 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ ├── 10 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ ├── 20 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ ├── 25 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ └── 48 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ ├── es │ │ │ ├── 1 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ ├── 5 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ ├── 10 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ ├── 20 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ ├── 25 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ └── 48 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ ├── fr │ │ │ ├── 1 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ ├── 5 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ ├── 10 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ ├── 20 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ ├── 25 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ └── 48 │ │ │ │ ├── test.dtu.sh │ │ │ │ └── train.dtu.sh │ │ │ └── ru │ │ │ ├── 1 │ │ │ ├── test.dtu.sh │ │ │ └── train.dtu.sh │ │ │ ├── 5 │ │ │ ├── test.dtu.sh │ │ │ └── train.dtu.sh │ │ │ ├── 10 │ │ │ ├── test.dtu.sh │ │ │ └── train.dtu.sh │ │ │ ├── 20 │ │ │ ├── test.dtu.sh │ │ │ └── train.dtu.sh │ │ │ ├── 25 │ │ │ ├── test.dtu.sh │ │ │ └── train.dtu.sh │ │ │ └── 48 │ │ │ ├── test.dtu.sh │ │ │ └── train.dtu.sh │ └── zero_shot │ │ ├── marvl │ │ ├── test.en.dtu.sh │ │ ├── test.id.dtu.sh │ │ ├── test.id_mt.dtu.sh │ │ ├── test.sw.dtu.sh │ │ ├── test.sw_mt.dtu.sh │ │ ├── test.ta.dtu.sh │ │ ├── test.ta_mt.dtu.sh │ │ ├── test.tr.dtu.sh │ │ ├── test.tr_mt.dtu.sh │ │ ├── test.zh.dtu.sh │ │ ├── test.zh_mt.dtu.sh │ │ └── train.dtu.sh │ │ ├── wit │ │ ├── test.ar.dtu.sh │ │ ├── test.ar_mt.dtu.sh │ │ ├── test.bg.dtu.sh │ │ ├── test.bg_mt.dtu.sh │ │ ├── test.da.dtu.sh │ │ ├── test.da_mt.dtu.sh │ │ ├── test.el.dtu.sh │ │ ├── test.el_mt.dtu.sh │ │ ├── test.en.dtu.sh │ │ ├── test.et.dtu.sh │ │ ├── test.et_mt.dtu.sh │ │ ├── test.id.dtu.sh │ │ ├── test.id_mt.dtu.sh │ │ ├── test.ja.dtu.sh │ │ ├── test.ja_mt.dtu.sh │ │ ├── test.ko.dtu.sh │ │ ├── test.ko_mt.dtu.sh │ │ ├── test.tr.dtu.sh │ │ ├── test.tr_mt.dtu.sh │ │ ├── test.vi.dtu.sh │ │ ├── test.vi_mt.dtu.sh │ │ └── train.dtu.sh │ │ ├── xflickrco │ │ ├── test.de.dtu.sh │ │ ├── test.de_mt.dtu.sh │ │ ├── test.en.dtu.sh │ │ ├── test.es.dtu.sh │ │ ├── test.es_mt.dtu.sh │ │ ├── test.id.dtu.sh │ │ ├── test.id_mt.dtu.sh │ │ ├── test.ja.dtu.sh │ │ ├── test.ja_mt.dtu.sh │ │ ├── test.ru.dtu.sh │ │ ├── test.ru_mt.dtu.sh │ │ ├── test.tr.dtu.sh │ │ ├── test.tr_mt.dtu.sh │ │ ├── test.zh.dtu.sh │ │ ├── test.zh_mt.dtu.sh │ │ └── train.dtu.sh │ │ ├── xgqa │ │ ├── test.bn.dtu.sh │ │ ├── test.bn_mt.dtu.sh │ │ ├── test.de.dtu.sh │ │ ├── test.de_mt.dtu.sh │ │ ├── test.en.dtu.sh │ │ ├── test.id.dtu.sh │ │ ├── test.id_mt.dtu.sh │ │ ├── test.ko.dtu.sh │ │ ├── test.ko_mt.dtu.sh │ │ ├── test.pt.dtu.sh │ │ ├── test.pt_mt.dtu.sh │ │ ├── test.ru.dtu.sh │ │ ├── test.ru_mt.dtu.sh │ │ ├── test.zh.dtu.sh │ │ ├── test.zh_mt.dtu.sh │ │ └── train.dtu.sh │ │ └── xvnli │ │ ├── test.ar.dtu.sh │ │ ├── test.ar_mt.dtu.sh │ │ ├── test.en.dtu.sh │ │ ├── test.es.dtu.sh │ │ ├── test.es_mt.dtu.sh │ │ ├── test.fr.dtu.sh │ │ ├── test.fr_mt.dtu.sh │ │ ├── test.ru.dtu.sh │ │ ├── test.ru_mt.dtu.sh │ │ └── train.dtu.sh ├── vilbert │ ├── concap │ │ └── train.sh │ ├── flickr30k │ │ ├── test.sh │ │ └── train.sh │ ├── gqa │ │ ├── test.sh │ │ └── train.sh │ ├── mscoco │ │ ├── test.sh │ │ └── train.sh │ ├── nlvr2 │ │ ├── test.sh │ │ └── train.sh │ ├── refcoco+_unc │ │ ├── test.sh │ │ └── train.sh │ ├── refcoco_unc │ │ ├── test.sh │ │ └── train.sh │ ├── refcocog_umd │ │ ├── test.sh │ │ └── train.sh │ ├── snli_ve │ │ ├── test.sh │ │ └── train.sh │ └── vqa │ │ ├── test.sh │ │ └── train.sh └── vl-bert │ ├── concap │ └── train.sh │ ├── refcoco+_unc │ ├── test.sh │ └── train.sh │ └── vqa │ ├── test.sh │ └── train.sh ├── features_extraction ├── README.md ├── datasets │ ├── flickr30k │ │ ├── flickr30k_boxes36_h5-proposal.py │ │ ├── flickr30k_boxes36_h5-proposal.sh │ │ ├── flickr30k_boxes36_h5-to-lmdb.sh │ │ ├── flickr30k_resnext101_npy-proposal.sh │ │ └── flickr30k_resnext101_npy-to-lmdb.sh │ ├── gqa │ │ ├── gqa-train_boxes36_h5-to-tdlmdb.sh │ │ ├── gqa-train_resnext101_h5-to-tdlmdb.sh │ │ ├── gqa-valid_boxes36_h5-to-tdlmdb.sh │ │ ├── gqa-valid_resnext101_h5-to-tdlmdb.sh │ │ ├── gqa_boxes36_h5-to-tdlmdb.py │ │ ├── gqa_resnext101_npy-proposal.sh │ │ ├── gqa_resnext101_npy-to-lmdb.sh │ │ └── gqa_resnext101_npy-to-tdlmdb.py │ ├── marvl │ │ ├── marvl-fewshot_boxes36_h5-proposal.ku.cluster │ │ ├── marvl-fewshot_boxes36_h5-proposal.sh │ │ ├── marvl-fewshot_boxes36_h5-to-lmdb.sh │ │ ├── marvl-fewshot_resnext101_npy-proposal.ku.cluster │ │ ├── marvl-fewshot_resnext101_npy-proposal.sh │ │ ├── marvl-fewshot_resnext101_npy-to-lmdb.sh │ │ ├── marvl_boxes36_h5-proposal.py │ │ ├── marvl_boxes36_h5-proposal.sh │ │ ├── marvl_boxes36_h5-to-lmdb.sh │ │ ├── marvl_resnext101_npy-proposal.ku.cluster │ │ ├── marvl_resnext101_npy-proposal.sh │ │ └── marvl_resnext101_npy-to-lmdb.sh │ ├── nlvr2 │ │ ├── nlvr2_boxes36_h5-proposal.py │ │ ├── nlvr2_boxes36_h5-proposal.sh │ │ ├── nlvr2_boxes36_h5-to-lmdb.sh │ │ ├── nlvr2_resnext101_npy-proposal.sh │ │ └── nlvr2_resnext101_npy-to-lmdb.sh │ ├── wit │ │ ├── wit-test_boxes36_h5-proposal.py │ │ ├── wit-test_boxes36_h5-proposal.sh │ │ ├── wit-test_boxes36_h5-proposal.slurm │ │ ├── wit-test_boxes36_h5-to-lmdb.sh │ │ ├── wit-test_resnext101_npy-proposal.sh │ │ ├── wit-test_resnext101_npy-proposal.slurm │ │ ├── wit-test_resnext101_npy-to-lmdb.sh │ │ ├── wit-train_boxes36_h5-to-tdlmdb.sh │ │ ├── wit-train_resnext101_npy-to-tdlmdb.sh │ │ ├── wit-trainval_boxes36_h5-proposal.py │ │ ├── wit-trainval_boxes36_h5-proposal.sh │ │ ├── wit-trainval_boxes36_h5-proposal.slurm │ │ ├── wit-trainval_boxes36_h5-to-tdlmdb.py │ │ ├── wit-trainval_resnext101_npy-proposal.sh │ │ ├── wit-trainval_resnext101_npy-proposal.slurm │ │ ├── wit-trainval_resnext101_npy-to-tdlmdb.py │ │ ├── wit-val_boxes36_h5-to-tdlmdb.sh │ │ └── wit-val_resnext101_npy-to-tdlmdb.sh │ └── xflickrco │ │ ├── xflickrco_boxes36_h5-proposal.py │ │ ├── xflickrco_boxes36_h5-proposal.sh │ │ ├── xflickrco_boxes36_h5-to-lmdb.sh │ │ ├── xflickrco_resnext101_npy-proposal.sh │ │ └── xflickrco_resnext101_npy-to-lmdb.sh ├── detectron2_given_box_maxnms.py ├── detectron2_proposal_maxnms.py ├── h5_to_lmdb.py ├── h5_to_td-lmdb.py ├── large_tsv_to_h5.py ├── mmf │ ├── .circleci │ │ └── config.yml │ ├── .editorconfig │ ├── .flake8 │ ├── .github │ │ ├── CODE_OF_CONDUCT.md │ │ ├── CONTRIBUTING.md │ │ ├── ISSUE_TEMPLATE │ │ │ ├── bug-report.md │ │ │ ├── config.yml │ │ │ ├── feature-request.md │ │ │ ├── questions-help-support.md │ │ │ └── unexpected-problems.md │ │ ├── PULL_REQUEST_TEMPLATE.md │ │ └── workflows │ │ │ ├── cpu_test.yaml │ │ │ ├── deploy_website.yaml │ │ │ └── linter_test.yaml │ ├── .gitignore │ ├── .pre-commit-config.yaml │ ├── LICENSE │ ├── MANIFEST.in │ ├── NOTICES │ ├── README.md │ ├── detectron_model.yaml │ ├── docs │ │ ├── .gitignore │ │ ├── Makefile │ │ ├── license_header.txt │ │ ├── requirements.txt │ │ └── source │ │ │ ├── _static │ │ │ ├── css │ │ │ │ └── customize.css │ │ │ ├── images │ │ │ │ ├── chevron-right-orange.svg │ │ │ │ ├── chevron_blue.svg │ │ │ │ ├── favicon.png │ │ │ │ ├── logo_icon.svg │ │ │ │ ├── mmf_logo.png │ │ │ │ ├── mmf_logo.svg │ │ │ │ ├── mmf_logo_white_f.svg │ │ │ │ ├── search_icon.svg │ │ │ │ └── view-page-source-icon.svg │ │ │ └── js │ │ │ │ ├── ga.js │ │ │ │ └── redirect.js │ │ │ ├── _templates │ │ │ ├── layout.html │ │ │ └── theme_variables.jinja │ │ │ ├── conf.py │ │ │ └── index.rst │ ├── github │ │ ├── cocoapi │ │ │ ├── .gitignore │ │ │ ├── .travis.yml │ │ │ ├── LuaAPI │ │ │ │ ├── CocoApi.lua │ │ │ │ ├── MaskApi.lua │ │ │ │ ├── cocoDemo.lua │ │ │ │ ├── env.lua │ │ │ │ ├── init.lua │ │ │ │ └── rocks │ │ │ │ │ └── coco-scm-1.rockspec │ │ │ ├── MatlabAPI │ │ │ │ ├── CocoApi.m │ │ │ │ ├── CocoEval.m │ │ │ │ ├── CocoUtils.m │ │ │ │ ├── MaskApi.m │ │ │ │ ├── cocoDemo.m │ │ │ │ ├── evalDemo.m │ │ │ │ ├── gason.m │ │ │ │ └── private │ │ │ │ │ ├── gasonMex.cpp │ │ │ │ │ ├── gasonMex.mexa64 │ │ │ │ │ ├── gasonMex.mexmaci64 │ │ │ │ │ └── getPrmDflt.m │ │ │ ├── PythonAPI │ │ │ │ ├── Makefile │ │ │ │ ├── pycocoDemo.ipynb │ │ │ │ ├── pycocoEvalDemo.ipynb │ │ │ │ ├── pycocotools │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── _mask.pyx │ │ │ │ │ ├── coco.py │ │ │ │ │ ├── cocoeval.py │ │ │ │ │ └── mask.py │ │ │ │ └── setup.py │ │ │ ├── README.txt │ │ │ ├── common │ │ │ │ ├── gason.cpp │ │ │ │ ├── gason.h │ │ │ │ ├── maskApi.c │ │ │ │ └── maskApi.h │ │ │ └── license.txt │ │ └── vqa-maskrcnn-benchmark │ │ │ ├── .flake8 │ │ │ ├── .github │ │ │ └── ISSUE_TEMPLATE │ │ │ │ ├── bug-report.md │ │ │ │ ├── feature-request.md │ │ │ │ └── questions-help-support.md │ │ │ ├── .gitignore │ │ │ ├── ABSTRACTIONS.md │ │ │ ├── CODE_OF_CONDUCT.md │ │ │ ├── CONTRIBUTING.md │ │ │ ├── INSTALL.md │ │ │ ├── LICENSE │ │ │ ├── MODEL_ZOO.md │ │ │ ├── README.md │ │ │ ├── TROUBLESHOOTING.md │ │ │ ├── configs │ │ │ ├── caffe2 │ │ │ │ ├── e2e_faster_rcnn_R_101_FPN_1x_caffe2.yaml │ │ │ │ ├── e2e_faster_rcnn_R_50_C4_1x_caffe2.yaml │ │ │ │ ├── e2e_faster_rcnn_R_50_FPN_1x_caffe2.yaml │ │ │ │ ├── e2e_faster_rcnn_X_101_32x8d_FPN_1x_caffe2.yaml │ │ │ │ ├── e2e_mask_rcnn_R_101_FPN_1x_caffe2.yaml │ │ │ │ ├── e2e_mask_rcnn_R_50_C4_1x_caffe2.yaml │ │ │ │ ├── e2e_mask_rcnn_R_50_FPN_1x_caffe2.yaml │ │ │ │ └── e2e_mask_rcnn_X_101_32x8d_FPN_1x_caffe2.yaml │ │ │ ├── cityscapes │ │ │ │ ├── e2e_faster_rcnn_R_50_FPN_1x_cocostyle.yaml │ │ │ │ └── e2e_mask_rcnn_R_50_FPN_1x_cocostyle.yaml │ │ │ ├── e2e_faster_rcnn_R_101_FPN_1x.yaml │ │ │ ├── e2e_faster_rcnn_R_50_C4_1x.yaml │ │ │ ├── e2e_faster_rcnn_R_50_FPN_1x.yaml │ │ │ ├── e2e_faster_rcnn_X_101_32x8d_FPN_1x.yaml │ │ │ ├── e2e_mask_rcnn_R_101_FPN_1x.yaml │ │ │ ├── e2e_mask_rcnn_R_50_C4_1x.yaml │ │ │ ├── e2e_mask_rcnn_R_50_FPN_1x.yaml │ │ │ ├── e2e_mask_rcnn_X_101_32x8d_FPN_1x.yaml │ │ │ ├── pascal_voc │ │ │ │ ├── e2e_faster_rcnn_R_50_C4_1x_1_gpu_voc.yaml │ │ │ │ ├── e2e_faster_rcnn_R_50_C4_1x_4_gpu_voc.yaml │ │ │ │ └── e2e_mask_rcnn_R_50_FPN_1x_cocostyle.yaml │ │ │ ├── quick_schedules │ │ │ │ ├── e2e_faster_rcnn_R_50_C4_quick.yaml │ │ │ │ ├── e2e_faster_rcnn_R_50_FPN_quick.yaml │ │ │ │ ├── e2e_faster_rcnn_X_101_32x8d_FPN_quick.yaml │ │ │ │ ├── e2e_mask_rcnn_R_50_C4_quick.yaml │ │ │ │ ├── e2e_mask_rcnn_R_50_FPN_quick.yaml │ │ │ │ ├── e2e_mask_rcnn_X_101_32x8d_FPN_quick.yaml │ │ │ │ ├── rpn_R_50_C4_quick.yaml │ │ │ │ └── rpn_R_50_FPN_quick.yaml │ │ │ └── visual_genome_vqa │ │ │ │ ├── c2 │ │ │ │ └── modified_for_conversion_e2e_faster_rcnn_X-101-64x4d-FPN_1x_MLP_2048_FPN_512.yaml │ │ │ │ ├── debug │ │ │ │ └── e2e_faster_rcnn_X-101-64x4d-FPN_1x_MLP_2048_FPN_512_vqa_single.yaml │ │ │ │ ├── e2e_faster_rcnn_X-101-64x4d-FPN_1x_MLP_2048_FPN_512_test.yaml │ │ │ │ ├── e2e_faster_rcnn_X-101-64x4d-FPN_1x_MLP_2048_FPN_512_train.yaml │ │ │ │ ├── e2e_faster_rcnn_X-101-64x4d-FPN_1x_MLP_2048_FPN_512_vqa_test.yaml │ │ │ │ ├── e2e_faster_rcnn_X-101-64x4d-FPN_1x_MLP_2048_FPN_512_vqa_train.yaml │ │ │ │ ├── e2e_faster_rcnn_X-101-64x4d-FPN_1x_MLP_2048_FPN_512_vqa_val.yaml │ │ │ │ ├── e2e_faster_rcnn_X-152-32x8d-FPN_1x_MLP_2048_FPN_512_test.yaml │ │ │ │ └── e2e_faster_rcnn_X-152-32x8d-FPN_1x_MLP_2048_FPN_512_train.yaml │ │ │ ├── create_json.py │ │ │ ├── demo │ │ │ ├── README.md │ │ │ ├── demo_e2e_mask_rcnn_R_50_FPN_1x.png │ │ │ ├── demo_e2e_mask_rcnn_X_101_32x8d_FPN_1x.png │ │ │ ├── predictor.py │ │ │ └── webcam.py │ │ │ ├── docker │ │ │ ├── Dockerfile │ │ │ └── docker-jupyter │ │ │ │ ├── Dockerfile │ │ │ │ └── jupyter_notebook_config.py │ │ │ ├── maskrcnn_benchmark │ │ │ ├── __init__.py │ │ │ ├── config │ │ │ │ ├── __init__.py │ │ │ │ ├── defaults.py │ │ │ │ └── paths_catalog.py │ │ │ ├── csrc │ │ │ │ ├── ROIAlign.h │ │ │ │ ├── ROIPool.h │ │ │ │ ├── cpu │ │ │ │ │ ├── ROIAlign_cpu.cpp │ │ │ │ │ ├── nms_cpu.cpp │ │ │ │ │ └── vision.h │ │ │ │ ├── cuda │ │ │ │ │ ├── ROIAlign_cuda.cu │ │ │ │ │ ├── ROIPool_cuda.cu │ │ │ │ │ ├── nms.cu │ │ │ │ │ └── vision.h │ │ │ │ ├── nms.h │ │ │ │ └── vision.cpp │ │ │ ├── engine │ │ │ │ ├── __init__.py │ │ │ │ ├── inference.py │ │ │ │ └── trainer.py │ │ │ ├── layers │ │ │ │ ├── __init__.py │ │ │ │ ├── _utils.py │ │ │ │ ├── batch_norm.py │ │ │ │ ├── misc.py │ │ │ │ ├── nms.py │ │ │ │ ├── roi_align.py │ │ │ │ ├── roi_pool.py │ │ │ │ └── smooth_l1_loss.py │ │ │ ├── modeling │ │ │ │ ├── __init__.py │ │ │ │ ├── backbone │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── backbone.py │ │ │ │ │ ├── fpn.py │ │ │ │ │ └── resnet.py │ │ │ │ ├── balanced_positive_negative_sampler.py │ │ │ │ ├── box_coder.py │ │ │ │ ├── detector │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── detectors.py │ │ │ │ │ └── generalized_rcnn.py │ │ │ │ ├── matcher.py │ │ │ │ ├── poolers.py │ │ │ │ ├── registry.py │ │ │ │ ├── roi_heads │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── box_head │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── box_head.py │ │ │ │ │ │ ├── inference.py │ │ │ │ │ │ ├── loss.py │ │ │ │ │ │ ├── roi_box_feature_extractors.py │ │ │ │ │ │ └── roi_box_predictors.py │ │ │ │ │ ├── mask_head │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── inference.py │ │ │ │ │ │ ├── loss.py │ │ │ │ │ │ ├── mask_head.py │ │ │ │ │ │ ├── roi_mask_feature_extractors.py │ │ │ │ │ │ └── roi_mask_predictors.py │ │ │ │ │ └── roi_heads.py │ │ │ │ ├── rpn │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── anchor_generator.py │ │ │ │ │ ├── inference.py │ │ │ │ │ ├── loss.py │ │ │ │ │ └── rpn.py │ │ │ │ └── utils.py │ │ │ ├── solver │ │ │ │ ├── __init__.py │ │ │ │ ├── build.py │ │ │ │ └── lr_scheduler.py │ │ │ ├── structures │ │ │ │ ├── __init__.py │ │ │ │ ├── bounding_box.py │ │ │ │ ├── boxlist_ops.py │ │ │ │ ├── image_list.py │ │ │ │ └── segmentation_mask.py │ │ │ └── utils │ │ │ │ ├── README.md │ │ │ │ ├── __init__.py │ │ │ │ ├── c2_model_loading.py │ │ │ │ ├── checkpoint.py │ │ │ │ ├── collect_env.py │ │ │ │ ├── comm.py │ │ │ │ ├── env.py │ │ │ │ ├── imports.py │ │ │ │ ├── logger.py │ │ │ │ ├── metric_logger.py │ │ │ │ ├── miscellaneous.py │ │ │ │ ├── model_serialization.py │ │ │ │ ├── model_zoo.py │ │ │ │ └── registry.py │ │ │ ├── setup.py │ │ │ ├── tests │ │ │ ├── checkpoint.py │ │ │ ├── test_data_samplers.py │ │ │ └── test_metric_logger.py │ │ │ └── tools │ │ │ ├── c2_to_pt.py │ │ │ ├── cityscapes │ │ │ ├── convert_cityscapes_to_coco.py │ │ │ └── instances2dict_with_polygons.py │ │ │ ├── extract_vqa_feat.py │ │ │ ├── test_net.py │ │ │ └── train_net.py │ ├── img_tensor.pkl │ ├── mmf │ │ ├── __init__.py │ │ ├── common │ │ │ ├── __init__.py │ │ │ ├── batch_collator.py │ │ │ ├── constants.py │ │ │ ├── dataset_loader.py │ │ │ ├── meter.py │ │ │ ├── registry.py │ │ │ ├── report.py │ │ │ ├── sample.py │ │ │ ├── test_reporter.py │ │ │ └── typings.py │ │ ├── configs │ │ │ ├── datasets │ │ │ │ ├── airstore │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── charades │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── clevr │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── coco │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── detection.yaml │ │ │ │ │ ├── masked.yaml │ │ │ │ │ └── ocr_en.yaml │ │ │ │ ├── coco2017 │ │ │ │ │ └── masked.yaml │ │ │ │ ├── conceptual_captions │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── masked.yaml │ │ │ │ │ └── train_small.yaml │ │ │ │ ├── flickr30k │ │ │ │ │ └── masked.yaml │ │ │ │ ├── glue │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── gqa │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── masked.yaml │ │ │ │ ├── hateful_memes │ │ │ │ │ ├── bert.yaml │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── fine_grained │ │ │ │ │ │ ├── attack_vectors.yaml │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ ├── hateful_pc_attack.yaml │ │ │ │ │ │ ├── pc_attack.yaml │ │ │ │ │ │ ├── protected_groups.yaml │ │ │ │ │ │ └── with_features.yaml │ │ │ │ │ └── with_features.yaml │ │ │ │ ├── localized_narratives │ │ │ │ │ └── masked.yaml │ │ │ │ ├── mmimdb │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── masked.yaml │ │ │ │ │ └── with_features.yaml │ │ │ │ ├── nlvr2 │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── ocrvqa │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── okvqa │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── retrieval │ │ │ │ │ └── flickr30k_defaults.yaml │ │ │ │ ├── sbu_captions │ │ │ │ │ └── masked.yaml │ │ │ │ ├── stvqa │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── textcaps │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── textvqa │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── with_resnet.yaml │ │ │ │ ├── visual_dialog │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── visual_entailment │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── visual_genome │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── detection.yaml │ │ │ │ │ └── masked.yaml │ │ │ │ ├── vizwiz │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── vqa2 │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── masked.yaml │ │ │ │ │ ├── masked_q.yaml │ │ │ │ │ ├── train_val.yaml │ │ │ │ │ └── with_raw_images.yaml │ │ │ │ └── vqacp_v2 │ │ │ │ │ └── defaults.yaml │ │ │ ├── defaults.yaml │ │ │ ├── models │ │ │ │ ├── alignment │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── ban │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── butd │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── cnn_lstm │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── fusions │ │ │ │ │ ├── concat_bert.yaml │ │ │ │ │ ├── concat_bow.yaml │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── late_fusion.yaml │ │ │ │ ├── krisp │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── lorra │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── lxmert │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── pretrain.yaml │ │ │ │ ├── m4c │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── m4c_captioner │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── mmbt │ │ │ │ │ ├── classification.yaml │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── pretrain.yaml │ │ │ │ │ └── with_features.yaml │ │ │ │ ├── mmf_bert │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── mmf_transformer │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── pretrain.yaml │ │ │ │ │ └── with_audio_video.yaml │ │ │ │ ├── movie_mcan │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── pythia │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── unimodal │ │ │ │ │ ├── bert.yaml │ │ │ │ │ ├── image.yaml │ │ │ │ │ ├── text.yaml │ │ │ │ │ └── with_features.yaml │ │ │ │ ├── unit │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── vilbert │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── pretrain.yaml │ │ │ │ └── visual_bert │ │ │ │ │ ├── classification.yaml │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── pretrain.yaml │ │ │ └── zoo │ │ │ │ ├── datasets.yaml │ │ │ │ └── models.yaml │ │ ├── datasets │ │ │ ├── __init__.py │ │ │ ├── base_dataset.py │ │ │ ├── base_dataset_builder.py │ │ │ ├── builders │ │ │ │ ├── __init__.py │ │ │ │ ├── airstore │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ └── dataset.py │ │ │ │ ├── charades │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── _utils.py │ │ │ │ │ ├── builder.py │ │ │ │ │ └── dataset.py │ │ │ │ ├── clevr │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ └── dataset.py │ │ │ │ ├── coco │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ ├── dataset.py │ │ │ │ │ ├── detection_builder.py │ │ │ │ │ ├── detection_dataset.py │ │ │ │ │ ├── masked_builder.py │ │ │ │ │ └── masked_dataset.py │ │ │ │ ├── coco2017 │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── masked_builder.py │ │ │ │ │ └── masked_dataset.py │ │ │ │ ├── conceptual_captions │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ ├── dataset.py │ │ │ │ │ ├── masked_builder.py │ │ │ │ │ └── masked_dataset.py │ │ │ │ ├── flickr30k │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── masked_builder.py │ │ │ │ │ └── masked_dataset.py │ │ │ │ ├── glue │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── builder.py │ │ │ │ ├── gqa │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ ├── dataset.py │ │ │ │ │ ├── masked_builder.py │ │ │ │ │ └── masked_dataset.py │ │ │ │ ├── hateful_memes │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ └── dataset.py │ │ │ │ ├── localized_narratives │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── database.py │ │ │ │ │ ├── masked_builder.py │ │ │ │ │ └── masked_dataset.py │ │ │ │ ├── mmimdb │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ ├── dataset.py │ │ │ │ │ ├── masked_builder.py │ │ │ │ │ └── masked_dataset.py │ │ │ │ ├── nlvr2 │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ └── dataset.py │ │ │ │ ├── ocrvqa │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ └── dataset.py │ │ │ │ ├── okvqa │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ ├── database.py │ │ │ │ │ └── dataset.py │ │ │ │ ├── retrieval │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ ├── dataset.py │ │ │ │ │ └── datasets.py │ │ │ │ ├── sbu_captions │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── masked_builder.py │ │ │ │ │ └── masked_dataset.py │ │ │ │ ├── stvqa │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ └── dataset.py │ │ │ │ ├── textcaps │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ └── dataset.py │ │ │ │ ├── textvqa │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ └── dataset.py │ │ │ │ ├── visual_dialog │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ ├── database.py │ │ │ │ │ └── dataset.py │ │ │ │ ├── visual_entailment │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ └── dataset.py │ │ │ │ ├── visual_genome │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ ├── dataset.py │ │ │ │ │ ├── detection_builder.py │ │ │ │ │ ├── detection_dataset.py │ │ │ │ │ ├── masked_builder.py │ │ │ │ │ └── masked_dataset.py │ │ │ │ ├── vizwiz │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ └── dataset.py │ │ │ │ ├── vqa2 │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ ├── dataset.py │ │ │ │ │ ├── masked_builder.py │ │ │ │ │ ├── masked_dataset.py │ │ │ │ │ ├── masked_q_vqa2_builder.py │ │ │ │ │ ├── masked_q_vqa2_dataset.py │ │ │ │ │ ├── ocr_builder.py │ │ │ │ │ └── ocr_dataset.py │ │ │ │ └── vqacp_v2 │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── builder.py │ │ │ │ │ ├── database.py │ │ │ │ │ └── dataset.py │ │ │ ├── concat_dataset.py │ │ │ ├── databases │ │ │ │ ├── __init__.py │ │ │ │ ├── annotation_database.py │ │ │ │ ├── features_database.py │ │ │ │ ├── image_database.py │ │ │ │ ├── readers │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── feature_readers.py │ │ │ │ └── scene_graph_database.py │ │ │ ├── iteration_strategies.py │ │ │ ├── mmf_dataset.py │ │ │ ├── mmf_dataset_builder.py │ │ │ ├── multi_datamodule.py │ │ │ ├── multi_dataset_loader.py │ │ │ ├── processors │ │ │ │ ├── __init__.py │ │ │ │ ├── bert_processors.py │ │ │ │ ├── detection_transforms.py │ │ │ │ ├── frcnn_processor.py │ │ │ │ ├── functional.py │ │ │ │ ├── image_processors.py │ │ │ │ ├── prediction_processors.py │ │ │ │ ├── processors.py │ │ │ │ └── video_processors.py │ │ │ └── subset_dataset.py │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── albef │ │ │ │ ├── __init__.py │ │ │ │ └── vit.py │ │ │ ├── alignment.py │ │ │ ├── ban.py │ │ │ ├── base_model.py │ │ │ ├── butd.py │ │ │ ├── cnn_lstm.py │ │ │ ├── frcnn.py │ │ │ ├── fusions.py │ │ │ ├── interfaces │ │ │ │ ├── __init__.py │ │ │ │ └── mmbt.py │ │ │ ├── krisp.py │ │ │ ├── lorra.py │ │ │ ├── lxmert.py │ │ │ ├── m4c.py │ │ │ ├── m4c_captioner.py │ │ │ ├── mmbt.py │ │ │ ├── mmf_bert.py │ │ │ ├── mmf_transformer.py │ │ │ ├── movie_mcan.py │ │ │ ├── pythia.py │ │ │ ├── top_down_bottom_up.py │ │ │ ├── transformers │ │ │ │ ├── __init__.py │ │ │ │ ├── backends │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── huggingface.py │ │ │ │ ├── base.py │ │ │ │ └── heads │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── itm.py │ │ │ │ │ ├── mlm.py │ │ │ │ │ └── mlp.py │ │ │ ├── unimodal.py │ │ │ ├── unit │ │ │ │ ├── __init__.py │ │ │ │ ├── backbone.py │ │ │ │ ├── matcher.py │ │ │ │ ├── misc.py │ │ │ │ ├── transformer.py │ │ │ │ ├── unit.py │ │ │ │ └── unit_base_model.py │ │ │ ├── vilbert.py │ │ │ ├── visdial_multi_modal.py │ │ │ └── visual_bert.py │ │ ├── modules │ │ │ ├── __init__.py │ │ │ ├── attention.py │ │ │ ├── bottleneck.py │ │ │ ├── decoders.py │ │ │ ├── embeddings.py │ │ │ ├── encoders.py │ │ │ ├── fusions.py │ │ │ ├── hf_layers.py │ │ │ ├── layers.py │ │ │ ├── losses.py │ │ │ ├── metrics.py │ │ │ ├── optimizers.py │ │ │ └── schedulers.py │ │ ├── projects │ │ │ ├── ban │ │ │ │ ├── README.md │ │ │ │ └── configs │ │ │ │ │ ├── textvqa │ │ │ │ │ └── defaults.yaml │ │ │ │ │ ├── vizwiz │ │ │ │ │ └── defaults.yaml │ │ │ │ │ └── vqa2 │ │ │ │ │ └── defaults.yaml │ │ │ ├── butd │ │ │ │ ├── README.md │ │ │ │ └── configs │ │ │ │ │ ├── coco │ │ │ │ │ ├── beam_search.yaml │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── nucleus_sampling.yaml │ │ │ │ │ ├── conceptual_captions │ │ │ │ │ ├── beam_search.yaml │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── nucleus_sampling.yaml │ │ │ │ │ └── textcaps │ │ │ │ │ ├── beam_search.yaml │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── eval_pretrained_coco_model.yaml │ │ │ ├── hateful_memes │ │ │ │ ├── README.md │ │ │ │ ├── configs │ │ │ │ │ ├── concat_bert │ │ │ │ │ │ └── defaults.yaml │ │ │ │ │ ├── concat_bow │ │ │ │ │ │ └── defaults.yaml │ │ │ │ │ ├── late_fusion │ │ │ │ │ │ └── defaults.yaml │ │ │ │ │ ├── mmbt │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ └── with_features.yaml │ │ │ │ │ ├── mmf_transformer │ │ │ │ │ │ └── defaults.yaml │ │ │ │ │ ├── unimodal │ │ │ │ │ │ ├── bert.yaml │ │ │ │ │ │ ├── image.yaml │ │ │ │ │ │ ├── text.yaml │ │ │ │ │ │ └── with_features.yaml │ │ │ │ │ ├── vilbert │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ ├── direct.yaml │ │ │ │ │ │ └── from_cc.yaml │ │ │ │ │ └── visual_bert │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ ├── direct.yaml │ │ │ │ │ │ └── from_coco.yaml │ │ │ │ └── fine_grained │ │ │ │ │ ├── README.md │ │ │ │ │ └── configs │ │ │ │ │ └── visual_bert │ │ │ │ │ ├── attack_vectors.yaml │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── hateful_pc_attack.yaml │ │ │ │ │ ├── multilabel.yaml │ │ │ │ │ ├── pc_attack.yaml │ │ │ │ │ └── protected_groups.yaml │ │ │ ├── krisp │ │ │ │ ├── README.md │ │ │ │ ├── configs │ │ │ │ │ ├── krisp │ │ │ │ │ │ ├── okvqa │ │ │ │ │ │ │ ├── conceptnet_only.yaml │ │ │ │ │ │ │ ├── dbpedia_only.yaml │ │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ │ ├── haspart_only.yaml │ │ │ │ │ │ │ ├── okvqav10.yaml │ │ │ │ │ │ │ ├── okvqav10_fromfullpretrain.yaml │ │ │ │ │ │ │ ├── randomgraph.yaml │ │ │ │ │ │ │ ├── train_val.yaml │ │ │ │ │ │ │ ├── train_val_cnonly.yaml │ │ │ │ │ │ │ ├── train_val_dbonly.yaml │ │ │ │ │ │ │ ├── train_val_hponly.yaml │ │ │ │ │ │ │ ├── train_val_okvqav10.yaml │ │ │ │ │ │ │ ├── train_val_okvqav10_fromfullpretrain.yaml │ │ │ │ │ │ │ ├── train_val_random.yaml │ │ │ │ │ │ │ ├── train_val_vgonly.yaml │ │ │ │ │ │ │ └── visualgenome_only.yaml │ │ │ │ │ │ └── vqa2 │ │ │ │ │ │ │ └── krisp_pretrain.yaml │ │ │ │ │ └── visual_bert │ │ │ │ │ │ ├── masked_coco │ │ │ │ │ │ └── okvqa_safe.yaml │ │ │ │ │ │ ├── masked_vqa2 │ │ │ │ │ │ └── okvqa_safe.yaml │ │ │ │ │ │ ├── okvqa │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ ├── defaults_v10.yaml │ │ │ │ │ │ ├── train_val.yaml │ │ │ │ │ │ └── train_val_okvqav10.yaml │ │ │ │ │ │ └── vqa2 │ │ │ │ │ │ └── defaults_okvqasafe.yaml │ │ │ │ ├── graphnetwork_module.py │ │ │ │ └── requirements.txt │ │ │ ├── lorra │ │ │ │ ├── README.md │ │ │ │ └── configs │ │ │ │ │ ├── textvqa │ │ │ │ │ └── defaults.yaml │ │ │ │ │ ├── vizwiz │ │ │ │ │ └── defaults.yaml │ │ │ │ │ └── vqa2 │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── train_val.yaml │ │ │ │ │ └── train_val_resnet_only.yaml │ │ │ ├── lxmert │ │ │ │ ├── README.md │ │ │ │ └── configs │ │ │ │ │ ├── coco │ │ │ │ │ ├── masked.yaml │ │ │ │ │ └── pretrain.yaml │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── gqa │ │ │ │ │ ├── masked.yaml │ │ │ │ │ └── pretrain.yaml │ │ │ │ │ ├── pretrain.yaml │ │ │ │ │ ├── visual_genome │ │ │ │ │ ├── masked.yaml │ │ │ │ │ └── pretrain.yaml │ │ │ │ │ └── vqa2 │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── masked.yaml │ │ │ │ │ └── pretrain.yaml │ │ │ ├── m4c │ │ │ │ ├── README.md │ │ │ │ ├── configs │ │ │ │ │ ├── ocrvqa │ │ │ │ │ │ └── defaults.yaml │ │ │ │ │ ├── stvqa │ │ │ │ │ │ └── defaults.yaml │ │ │ │ │ └── textvqa │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ ├── joint_with_stvqa.yaml │ │ │ │ │ │ └── ocr_ml.yaml │ │ │ │ └── scripts │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── extract_ocr_frcn_feature.py │ │ │ ├── m4c_captioner │ │ │ │ ├── README.md │ │ │ │ ├── configs │ │ │ │ │ ├── butd │ │ │ │ │ │ └── textcaps │ │ │ │ │ │ │ ├── beam_search.yaml │ │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ │ └── eval_pretrained_coco_model.yaml │ │ │ │ │ └── m4c_captioner │ │ │ │ │ │ ├── coco │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ └── eval_on_textcaps.yaml │ │ │ │ │ │ └── textcaps │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ ├── joint_with_coco.yaml │ │ │ │ │ │ ├── with_caffe2_feat.yaml │ │ │ │ │ │ └── without_ocr.yaml │ │ │ │ └── scripts │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── coco_eval.py │ │ │ │ │ └── textcaps_eval.py │ │ │ ├── mmbt │ │ │ │ ├── README.md │ │ │ │ └── configs │ │ │ │ │ ├── hateful_memes │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── with_features.yaml │ │ │ │ │ ├── masked_coco │ │ │ │ │ └── defaults.yaml │ │ │ │ │ ├── mmimdb │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── with_features.yaml │ │ │ │ │ ├── okvqa │ │ │ │ │ └── with_images.yaml │ │ │ │ │ └── vqa2 │ │ │ │ │ └── with_raw_images.yaml │ │ │ ├── mmf_transformer │ │ │ │ ├── configs │ │ │ │ │ ├── airstore │ │ │ │ │ │ └── masked_coco.yaml │ │ │ │ │ ├── charades │ │ │ │ │ │ └── direct.yaml │ │ │ │ │ ├── hateful_memes │ │ │ │ │ │ └── defaults.yaml │ │ │ │ │ ├── masked_coco │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ └── pretrain_itm.yaml │ │ │ │ │ ├── okvqa │ │ │ │ │ │ └── defaults.yaml │ │ │ │ │ └── vqa2 │ │ │ │ │ │ └── defaults.yaml │ │ │ │ └── localized_narratives │ │ │ │ │ └── masked.yaml │ │ │ ├── movie_mcan │ │ │ │ ├── README.md │ │ │ │ └── configs │ │ │ │ │ └── vqa2 │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── e2e.yaml │ │ │ ├── others │ │ │ │ ├── cnn_lstm │ │ │ │ │ ├── clevr │ │ │ │ │ │ └── defaults.yaml │ │ │ │ │ └── hateful_memes │ │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── concat_bert │ │ │ │ │ └── hateful_memes │ │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── concat_bow │ │ │ │ │ └── hateful_memes │ │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── late_fusion │ │ │ │ │ └── hateful_memes │ │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── mmf_bert │ │ │ │ │ └── configs │ │ │ │ │ │ ├── masked_coco │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ ├── pretrain.yaml │ │ │ │ │ │ └── pretrain_joint_vqa2.yaml │ │ │ │ │ │ ├── masked_conceptual_captions │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ └── pretrain.yaml │ │ │ │ │ │ ├── masked_vqa2 │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ └── pretrain.yaml │ │ │ │ │ │ ├── visual_entailment │ │ │ │ │ │ └── defaults.yaml │ │ │ │ │ │ ├── vizwiz │ │ │ │ │ │ └── defaults.yaml │ │ │ │ │ │ └── vqa2 │ │ │ │ │ │ └── defaults.yaml │ │ │ │ └── unimodal │ │ │ │ │ └── configs │ │ │ │ │ └── hateful_memes │ │ │ │ │ ├── bert.yaml │ │ │ │ │ ├── image.yaml │ │ │ │ │ ├── text.yaml │ │ │ │ │ └── with_features.yaml │ │ │ ├── pretrain_vl_right │ │ │ │ ├── README.md │ │ │ │ └── configs │ │ │ │ │ ├── vilbert │ │ │ │ │ ├── masked_coco │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ ├── fifty_pc.yaml │ │ │ │ │ │ ├── full.yaml │ │ │ │ │ │ └── ten_pc.yaml │ │ │ │ │ ├── masked_conceptual_captions │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ ├── full.yaml │ │ │ │ │ │ ├── full_coco_generated.yaml │ │ │ │ │ │ ├── half.yaml │ │ │ │ │ │ ├── half_coco_generated.yaml │ │ │ │ │ │ ├── small.yaml │ │ │ │ │ │ ├── small_coco_generated.yaml │ │ │ │ │ │ ├── small_fifty_pc.yaml │ │ │ │ │ │ └── small_ten_pc.yaml │ │ │ │ │ └── masked_vqa2 │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ ├── fifty_pc.yaml │ │ │ │ │ │ ├── full.yaml │ │ │ │ │ │ └── ten_pc.yaml │ │ │ │ │ └── visual_bert │ │ │ │ │ ├── masked_coco │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── fifty_pc.yaml │ │ │ │ │ ├── full.yaml │ │ │ │ │ ├── full_train_val.yaml │ │ │ │ │ └── ten_pc.yaml │ │ │ │ │ ├── masked_conceptual_captions │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── full.yaml │ │ │ │ │ ├── full_coco_generated.yaml │ │ │ │ │ ├── half.yaml │ │ │ │ │ ├── half_coco_generated.yaml │ │ │ │ │ ├── small.yaml │ │ │ │ │ ├── small_coco_generated.yaml │ │ │ │ │ ├── small_fifty_pc.yaml │ │ │ │ │ └── small_ten_pc.yaml │ │ │ │ │ └── masked_vqa2 │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── fifty_pc.yaml │ │ │ │ │ ├── full.yaml │ │ │ │ │ ├── full_train_val.yaml │ │ │ │ │ └── ten_pc.yaml │ │ │ ├── pythia │ │ │ │ ├── README.md │ │ │ │ └── configs │ │ │ │ │ ├── masked_q_vqa2 │ │ │ │ │ └── defaults.yaml │ │ │ │ │ ├── multihead │ │ │ │ │ └── defaults.yaml │ │ │ │ │ ├── textvqa │ │ │ │ │ └── defaults.yaml │ │ │ │ │ ├── visual_genome │ │ │ │ │ └── defaults.yaml │ │ │ │ │ ├── vizwiz │ │ │ │ │ └── defaults.yaml │ │ │ │ │ └── vqa2 │ │ │ │ │ ├── 12k_iterations_without_resnet.yaml │ │ │ │ │ ├── debug.yaml │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── resnet_only.yaml │ │ │ │ │ ├── train_val.yaml │ │ │ │ │ └── train_val_resnet_only.yaml │ │ │ ├── unit │ │ │ │ ├── README.md │ │ │ │ └── configs │ │ │ │ │ ├── all_8_datasets │ │ │ │ │ ├── separate_dec.yaml │ │ │ │ │ ├── shared_dec.yaml │ │ │ │ │ └── shared_dec_without_task_embedding.yaml │ │ │ │ │ ├── coco │ │ │ │ │ ├── single_task.yaml │ │ │ │ │ └── single_task_without_task_embedding.yaml │ │ │ │ │ ├── coco_vg_vqa2 │ │ │ │ │ ├── separate_dec.yaml │ │ │ │ │ └── shared_dec.yaml │ │ │ │ │ ├── coco_vqa2 │ │ │ │ │ ├── separate_dec.yaml │ │ │ │ │ └── shared_dec.yaml │ │ │ │ │ ├── vg │ │ │ │ │ └── single_task.yaml │ │ │ │ │ ├── vg_vqa2 │ │ │ │ │ ├── separate_dec.yaml │ │ │ │ │ └── shared_dec.yaml │ │ │ │ │ ├── visual_entailment_dataset_cfg.yaml │ │ │ │ │ ├── vqa2 │ │ │ │ │ └── single_task.yaml │ │ │ │ │ └── vqa2_dataset_cfg.yaml │ │ │ ├── vilbert │ │ │ │ ├── README.md │ │ │ │ └── configs │ │ │ │ │ ├── hateful_memes │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── direct.yaml │ │ │ │ │ └── from_cc.yaml │ │ │ │ │ ├── masked_coco │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── pretrain.yaml │ │ │ │ │ └── pretrain_train_val.yaml │ │ │ │ │ ├── masked_conceptual_captions │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── pretrain.yaml │ │ │ │ │ ├── masked_vqa2 │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── pretrain.yaml │ │ │ │ │ └── pretrain_train_val.yaml │ │ │ │ │ ├── mmimdb │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── pretrain.yaml │ │ │ │ │ ├── nlvr2 │ │ │ │ │ └── defaults.yaml │ │ │ │ │ ├── visual_entailment │ │ │ │ │ └── defaults.yaml │ │ │ │ │ ├── vizwiz │ │ │ │ │ └── defaults.yaml │ │ │ │ │ └── vqa2 │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── train_val.yaml │ │ │ └── visual_bert │ │ │ │ ├── README.md │ │ │ │ └── configs │ │ │ │ ├── gqa │ │ │ │ └── defaults.yaml │ │ │ │ ├── hateful_memes │ │ │ │ ├── defaults.yaml │ │ │ │ ├── direct.yaml │ │ │ │ └── from_coco.yaml │ │ │ │ ├── localized_narratives │ │ │ │ ├── defaults.yaml │ │ │ │ └── pretrain.yaml │ │ │ │ ├── masked_coco │ │ │ │ ├── defaults.yaml │ │ │ │ ├── pretrain.yaml │ │ │ │ └── pretrain_train_val.yaml │ │ │ │ ├── masked_conceptual_captions │ │ │ │ ├── defaults.yaml │ │ │ │ └── pretrain.yaml │ │ │ │ ├── masked_gqa │ │ │ │ └── defaults.yaml │ │ │ │ ├── masked_sbu │ │ │ │ ├── defaults.yaml │ │ │ │ └── pretrain.yaml │ │ │ │ ├── masked_vqa2 │ │ │ │ ├── defaults.yaml │ │ │ │ ├── pretrain.yaml │ │ │ │ └── pretrain_train_val.yaml │ │ │ │ ├── mmimdb │ │ │ │ ├── defaults.yaml │ │ │ │ └── pretrain.yaml │ │ │ │ ├── nlvr2 │ │ │ │ └── defaults.yaml │ │ │ │ ├── visual_entailment │ │ │ │ ├── defaults.yaml │ │ │ │ └── train_val.yaml │ │ │ │ ├── vizwiz │ │ │ │ ├── defaults.yaml │ │ │ │ └── train_val.yaml │ │ │ │ └── vqa2 │ │ │ │ ├── defaults.yaml │ │ │ │ ├── train_val.yaml │ │ │ │ └── with_raw_images.yaml │ │ ├── trainers │ │ │ ├── __init__.py │ │ │ ├── base_trainer.py │ │ │ ├── callbacks │ │ │ │ ├── __init__.py │ │ │ │ ├── base.py │ │ │ │ ├── checkpoint.py │ │ │ │ ├── early_stopping.py │ │ │ │ ├── logistics.py │ │ │ │ └── lr_scheduler.py │ │ │ ├── core │ │ │ │ ├── __init__.py │ │ │ │ ├── callback_hook.py │ │ │ │ ├── device.py │ │ │ │ ├── evaluation_loop.py │ │ │ │ ├── profiling.py │ │ │ │ └── training_loop.py │ │ │ ├── lightning_core │ │ │ │ ├── __init__.py │ │ │ │ └── loop_callback.py │ │ │ ├── lightning_trainer.py │ │ │ └── mmf_trainer.py │ │ ├── utils │ │ │ ├── __init__.py │ │ │ ├── box_ops.py │ │ │ ├── build.py │ │ │ ├── checkpoint.py │ │ │ ├── checkpoint_updater.py │ │ │ ├── configuration.py │ │ │ ├── dataset.py │ │ │ ├── distributed.py │ │ │ ├── download.py │ │ │ ├── early_stopping.py │ │ │ ├── env.py │ │ │ ├── features │ │ │ │ ├── __init__.py │ │ │ │ └── visualizing_image.py │ │ │ ├── file_io.py │ │ │ ├── flags.py │ │ │ ├── general.py │ │ │ ├── inference.py │ │ │ ├── logger.py │ │ │ ├── m4c_evaluators.py │ │ │ ├── modeling.py │ │ │ ├── patch.py │ │ │ ├── phoc │ │ │ │ ├── __init__.py │ │ │ │ ├── build_phoc.py │ │ │ │ └── src │ │ │ │ │ └── cphoc.c │ │ │ ├── process_answers.py │ │ │ ├── text.py │ │ │ ├── timer.py │ │ │ ├── torchscript.py │ │ │ ├── transform.py │ │ │ ├── visualize.py │ │ │ ├── vocab.py │ │ │ └── xla.py │ │ └── version.py │ ├── mmf_cli │ │ ├── __init__.py │ │ ├── hm_convert.py │ │ ├── interactive.py │ │ ├── predict.py │ │ └── run.py │ ├── projects │ │ ├── ban │ │ │ ├── README.md │ │ │ └── configs │ │ │ │ ├── textvqa │ │ │ │ └── defaults.yaml │ │ │ │ ├── vizwiz │ │ │ │ └── defaults.yaml │ │ │ │ └── vqa2 │ │ │ │ └── defaults.yaml │ │ ├── butd │ │ │ ├── README.md │ │ │ └── configs │ │ │ │ ├── coco │ │ │ │ ├── beam_search.yaml │ │ │ │ ├── defaults.yaml │ │ │ │ └── nucleus_sampling.yaml │ │ │ │ ├── conceptual_captions │ │ │ │ ├── beam_search.yaml │ │ │ │ ├── defaults.yaml │ │ │ │ └── nucleus_sampling.yaml │ │ │ │ └── textcaps │ │ │ │ ├── beam_search.yaml │ │ │ │ ├── defaults.yaml │ │ │ │ └── eval_pretrained_coco_model.yaml │ │ ├── hateful_memes │ │ │ ├── README.md │ │ │ ├── configs │ │ │ │ ├── concat_bert │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── concat_bow │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── late_fusion │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── mmbt │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── with_features.yaml │ │ │ │ ├── mmf_transformer │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── unimodal │ │ │ │ │ ├── bert.yaml │ │ │ │ │ ├── image.yaml │ │ │ │ │ ├── text.yaml │ │ │ │ │ └── with_features.yaml │ │ │ │ ├── vilbert │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── direct.yaml │ │ │ │ │ └── from_cc.yaml │ │ │ │ └── visual_bert │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── direct.yaml │ │ │ │ │ └── from_coco.yaml │ │ │ └── fine_grained │ │ │ │ ├── README.md │ │ │ │ └── configs │ │ │ │ └── visual_bert │ │ │ │ ├── attack_vectors.yaml │ │ │ │ ├── defaults.yaml │ │ │ │ ├── hateful_pc_attack.yaml │ │ │ │ ├── multilabel.yaml │ │ │ │ ├── pc_attack.yaml │ │ │ │ └── protected_groups.yaml │ │ ├── krisp │ │ │ ├── README.md │ │ │ ├── configs │ │ │ │ ├── krisp │ │ │ │ │ ├── okvqa │ │ │ │ │ │ ├── conceptnet_only.yaml │ │ │ │ │ │ ├── dbpedia_only.yaml │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ ├── haspart_only.yaml │ │ │ │ │ │ ├── okvqav10.yaml │ │ │ │ │ │ ├── okvqav10_fromfullpretrain.yaml │ │ │ │ │ │ ├── randomgraph.yaml │ │ │ │ │ │ ├── train_val.yaml │ │ │ │ │ │ ├── train_val_cnonly.yaml │ │ │ │ │ │ ├── train_val_dbonly.yaml │ │ │ │ │ │ ├── train_val_hponly.yaml │ │ │ │ │ │ ├── train_val_okvqav10.yaml │ │ │ │ │ │ ├── train_val_okvqav10_fromfullpretrain.yaml │ │ │ │ │ │ ├── train_val_random.yaml │ │ │ │ │ │ ├── train_val_vgonly.yaml │ │ │ │ │ │ └── visualgenome_only.yaml │ │ │ │ │ └── vqa2 │ │ │ │ │ │ └── krisp_pretrain.yaml │ │ │ │ └── visual_bert │ │ │ │ │ ├── masked_coco │ │ │ │ │ └── okvqa_safe.yaml │ │ │ │ │ ├── masked_vqa2 │ │ │ │ │ └── okvqa_safe.yaml │ │ │ │ │ ├── okvqa │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── defaults_v10.yaml │ │ │ │ │ ├── train_val.yaml │ │ │ │ │ └── train_val_okvqav10.yaml │ │ │ │ │ └── vqa2 │ │ │ │ │ └── defaults_okvqasafe.yaml │ │ │ ├── graphnetwork_module.py │ │ │ └── requirements.txt │ │ ├── lorra │ │ │ ├── README.md │ │ │ └── configs │ │ │ │ ├── textvqa │ │ │ │ └── defaults.yaml │ │ │ │ ├── vizwiz │ │ │ │ └── defaults.yaml │ │ │ │ └── vqa2 │ │ │ │ ├── defaults.yaml │ │ │ │ ├── train_val.yaml │ │ │ │ └── train_val_resnet_only.yaml │ │ ├── lxmert │ │ │ ├── README.md │ │ │ └── configs │ │ │ │ ├── coco │ │ │ │ ├── masked.yaml │ │ │ │ └── pretrain.yaml │ │ │ │ ├── defaults.yaml │ │ │ │ ├── gqa │ │ │ │ ├── masked.yaml │ │ │ │ └── pretrain.yaml │ │ │ │ ├── pretrain.yaml │ │ │ │ ├── visual_genome │ │ │ │ ├── masked.yaml │ │ │ │ └── pretrain.yaml │ │ │ │ └── vqa2 │ │ │ │ ├── defaults.yaml │ │ │ │ ├── masked.yaml │ │ │ │ └── pretrain.yaml │ │ ├── m4c │ │ │ ├── README.md │ │ │ ├── configs │ │ │ │ ├── ocrvqa │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── stvqa │ │ │ │ │ └── defaults.yaml │ │ │ │ └── textvqa │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── joint_with_stvqa.yaml │ │ │ │ │ └── ocr_ml.yaml │ │ │ └── scripts │ │ │ │ ├── __init__.py │ │ │ │ └── extract_ocr_frcn_feature.py │ │ ├── m4c_captioner │ │ │ ├── README.md │ │ │ ├── configs │ │ │ │ ├── butd │ │ │ │ │ └── textcaps │ │ │ │ │ │ ├── beam_search.yaml │ │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ │ └── eval_pretrained_coco_model.yaml │ │ │ │ └── m4c_captioner │ │ │ │ │ ├── coco │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── eval_on_textcaps.yaml │ │ │ │ │ └── textcaps │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── joint_with_coco.yaml │ │ │ │ │ ├── with_caffe2_feat.yaml │ │ │ │ │ └── without_ocr.yaml │ │ │ └── scripts │ │ │ │ ├── __init__.py │ │ │ │ ├── coco_eval.py │ │ │ │ └── textcaps_eval.py │ │ ├── mmbt │ │ │ ├── README.md │ │ │ └── configs │ │ │ │ ├── hateful_memes │ │ │ │ ├── defaults.yaml │ │ │ │ └── with_features.yaml │ │ │ │ ├── masked_coco │ │ │ │ └── defaults.yaml │ │ │ │ ├── mmimdb │ │ │ │ ├── defaults.yaml │ │ │ │ └── with_features.yaml │ │ │ │ ├── okvqa │ │ │ │ └── with_images.yaml │ │ │ │ └── vqa2 │ │ │ │ └── with_raw_images.yaml │ │ ├── mmf_transformer │ │ │ ├── configs │ │ │ │ ├── airstore │ │ │ │ │ └── masked_coco.yaml │ │ │ │ ├── charades │ │ │ │ │ └── direct.yaml │ │ │ │ ├── hateful_memes │ │ │ │ │ └── defaults.yaml │ │ │ │ ├── masked_coco │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── pretrain_itm.yaml │ │ │ │ ├── okvqa │ │ │ │ │ └── defaults.yaml │ │ │ │ └── vqa2 │ │ │ │ │ └── defaults.yaml │ │ │ └── localized_narratives │ │ │ │ └── masked.yaml │ │ ├── movie_mcan │ │ │ ├── README.md │ │ │ └── configs │ │ │ │ └── vqa2 │ │ │ │ ├── defaults.yaml │ │ │ │ └── e2e.yaml │ │ ├── others │ │ │ ├── cnn_lstm │ │ │ │ ├── clevr │ │ │ │ │ └── defaults.yaml │ │ │ │ └── hateful_memes │ │ │ │ │ └── defaults.yaml │ │ │ ├── concat_bert │ │ │ │ └── hateful_memes │ │ │ │ │ └── defaults.yaml │ │ │ ├── concat_bow │ │ │ │ └── hateful_memes │ │ │ │ │ └── defaults.yaml │ │ │ ├── late_fusion │ │ │ │ └── hateful_memes │ │ │ │ │ └── defaults.yaml │ │ │ ├── mmf_bert │ │ │ │ └── configs │ │ │ │ │ ├── masked_coco │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── pretrain.yaml │ │ │ │ │ └── pretrain_joint_vqa2.yaml │ │ │ │ │ ├── masked_conceptual_captions │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── pretrain.yaml │ │ │ │ │ ├── masked_vqa2 │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ └── pretrain.yaml │ │ │ │ │ ├── visual_entailment │ │ │ │ │ └── defaults.yaml │ │ │ │ │ ├── vizwiz │ │ │ │ │ └── defaults.yaml │ │ │ │ │ └── vqa2 │ │ │ │ │ └── defaults.yaml │ │ │ └── unimodal │ │ │ │ └── configs │ │ │ │ └── hateful_memes │ │ │ │ ├── bert.yaml │ │ │ │ ├── image.yaml │ │ │ │ ├── text.yaml │ │ │ │ └── with_features.yaml │ │ ├── pretrain_vl_right │ │ │ ├── README.md │ │ │ └── configs │ │ │ │ ├── vilbert │ │ │ │ ├── masked_coco │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── fifty_pc.yaml │ │ │ │ │ ├── full.yaml │ │ │ │ │ └── ten_pc.yaml │ │ │ │ ├── masked_conceptual_captions │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── full.yaml │ │ │ │ │ ├── full_coco_generated.yaml │ │ │ │ │ ├── half.yaml │ │ │ │ │ ├── half_coco_generated.yaml │ │ │ │ │ ├── small.yaml │ │ │ │ │ ├── small_coco_generated.yaml │ │ │ │ │ ├── small_fifty_pc.yaml │ │ │ │ │ └── small_ten_pc.yaml │ │ │ │ └── masked_vqa2 │ │ │ │ │ ├── defaults.yaml │ │ │ │ │ ├── fifty_pc.yaml │ │ │ │ │ ├── full.yaml │ │ │ │ │ └── ten_pc.yaml │ │ │ │ └── visual_bert │ │ │ │ ├── masked_coco │ │ │ │ ├── defaults.yaml │ │ │ │ ├── fifty_pc.yaml │ │ │ │ ├── full.yaml │ │ │ │ ├── full_train_val.yaml │ │ │ │ └── ten_pc.yaml │ │ │ │ ├── masked_conceptual_captions │ │ │ │ ├── defaults.yaml │ │ │ │ ├── full.yaml │ │ │ │ ├── full_coco_generated.yaml │ │ │ │ ├── half.yaml │ │ │ │ ├── half_coco_generated.yaml │ │ │ │ ├── small.yaml │ │ │ │ ├── small_coco_generated.yaml │ │ │ │ ├── small_fifty_pc.yaml │ │ │ │ └── small_ten_pc.yaml │ │ │ │ └── masked_vqa2 │ │ │ │ ├── defaults.yaml │ │ │ │ ├── fifty_pc.yaml │ │ │ │ ├── full.yaml │ │ │ │ ├── full_train_val.yaml │ │ │ │ └── ten_pc.yaml │ │ ├── pythia │ │ │ ├── README.md │ │ │ └── configs │ │ │ │ ├── masked_q_vqa2 │ │ │ │ └── defaults.yaml │ │ │ │ ├── multihead │ │ │ │ └── defaults.yaml │ │ │ │ ├── textvqa │ │ │ │ └── defaults.yaml │ │ │ │ ├── visual_genome │ │ │ │ └── defaults.yaml │ │ │ │ ├── vizwiz │ │ │ │ └── defaults.yaml │ │ │ │ └── vqa2 │ │ │ │ ├── 12k_iterations_without_resnet.yaml │ │ │ │ ├── debug.yaml │ │ │ │ ├── defaults.yaml │ │ │ │ ├── resnet_only.yaml │ │ │ │ ├── train_val.yaml │ │ │ │ └── train_val_resnet_only.yaml │ │ ├── unit │ │ │ ├── README.md │ │ │ └── configs │ │ │ │ ├── all_8_datasets │ │ │ │ ├── separate_dec.yaml │ │ │ │ ├── shared_dec.yaml │ │ │ │ └── shared_dec_without_task_embedding.yaml │ │ │ │ ├── coco │ │ │ │ ├── single_task.yaml │ │ │ │ └── single_task_without_task_embedding.yaml │ │ │ │ ├── coco_vg_vqa2 │ │ │ │ ├── separate_dec.yaml │ │ │ │ └── shared_dec.yaml │ │ │ │ ├── coco_vqa2 │ │ │ │ ├── separate_dec.yaml │ │ │ │ └── shared_dec.yaml │ │ │ │ ├── vg │ │ │ │ └── single_task.yaml │ │ │ │ ├── vg_vqa2 │ │ │ │ ├── separate_dec.yaml │ │ │ │ └── shared_dec.yaml │ │ │ │ ├── visual_entailment_dataset_cfg.yaml │ │ │ │ ├── vqa2 │ │ │ │ └── single_task.yaml │ │ │ │ └── vqa2_dataset_cfg.yaml │ │ ├── vilbert │ │ │ ├── README.md │ │ │ └── configs │ │ │ │ ├── hateful_memes │ │ │ │ ├── defaults.yaml │ │ │ │ ├── direct.yaml │ │ │ │ └── from_cc.yaml │ │ │ │ ├── masked_coco │ │ │ │ ├── defaults.yaml │ │ │ │ ├── pretrain.yaml │ │ │ │ └── pretrain_train_val.yaml │ │ │ │ ├── masked_conceptual_captions │ │ │ │ ├── defaults.yaml │ │ │ │ └── pretrain.yaml │ │ │ │ ├── masked_vqa2 │ │ │ │ ├── defaults.yaml │ │ │ │ ├── pretrain.yaml │ │ │ │ └── pretrain_train_val.yaml │ │ │ │ ├── mmimdb │ │ │ │ ├── defaults.yaml │ │ │ │ └── pretrain.yaml │ │ │ │ ├── nlvr2 │ │ │ │ └── defaults.yaml │ │ │ │ ├── visual_entailment │ │ │ │ └── defaults.yaml │ │ │ │ ├── vizwiz │ │ │ │ └── defaults.yaml │ │ │ │ └── vqa2 │ │ │ │ ├── defaults.yaml │ │ │ │ └── train_val.yaml │ │ └── visual_bert │ │ │ ├── README.md │ │ │ └── configs │ │ │ ├── gqa │ │ │ └── defaults.yaml │ │ │ ├── hateful_memes │ │ │ ├── defaults.yaml │ │ │ ├── direct.yaml │ │ │ └── from_coco.yaml │ │ │ ├── localized_narratives │ │ │ ├── defaults.yaml │ │ │ └── pretrain.yaml │ │ │ ├── masked_coco │ │ │ ├── defaults.yaml │ │ │ ├── pretrain.yaml │ │ │ └── pretrain_train_val.yaml │ │ │ ├── masked_conceptual_captions │ │ │ ├── defaults.yaml │ │ │ └── pretrain.yaml │ │ │ ├── masked_gqa │ │ │ └── defaults.yaml │ │ │ ├── masked_sbu │ │ │ ├── defaults.yaml │ │ │ └── pretrain.yaml │ │ │ ├── masked_vqa2 │ │ │ ├── defaults.yaml │ │ │ ├── pretrain.yaml │ │ │ └── pretrain_train_val.yaml │ │ │ ├── mmimdb │ │ │ ├── defaults.yaml │ │ │ └── pretrain.yaml │ │ │ ├── nlvr2 │ │ │ └── defaults.yaml │ │ │ ├── visual_entailment │ │ │ ├── defaults.yaml │ │ │ └── train_val.yaml │ │ │ ├── vizwiz │ │ │ ├── defaults.yaml │ │ │ └── train_val.yaml │ │ │ └── vqa2 │ │ │ ├── defaults.yaml │ │ │ ├── train_val.yaml │ │ │ └── with_raw_images.yaml │ ├── pyproject.toml │ ├── requirements.txt │ ├── setup.py │ ├── tests │ │ ├── __init__.py │ │ ├── common │ │ │ ├── __init__.py │ │ │ ├── test_batch_collator.py │ │ │ ├── test_meter.py │ │ │ ├── test_report.py │ │ │ └── test_sample.py │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── test_configs_for_keys.py │ │ │ └── test_zoo_urls.py │ │ ├── conftest.py │ │ ├── data │ │ │ ├── user_dir │ │ │ │ ├── __init__.py │ │ │ │ ├── configs │ │ │ │ │ ├── always_one.yaml │ │ │ │ │ ├── experiment.yaml │ │ │ │ │ └── simple.yaml │ │ │ │ ├── datasets │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── always_one.py │ │ │ │ └── models │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── simple.py │ │ │ └── vocab.txt │ │ ├── datasets │ │ │ ├── __init__.py │ │ │ ├── test_base_dataset.py │ │ │ ├── test_bert_processors.py │ │ │ ├── test_iteration_strategies.py │ │ │ ├── test_mmf_dataset_builder.py │ │ │ ├── test_multi_datamodule.py │ │ │ ├── test_multi_dataset_loader.py │ │ │ ├── test_prediction_processors.py │ │ │ └── test_processors.py │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── interfaces │ │ │ │ ├── __init__.py │ │ │ │ └── test_interfaces.py │ │ │ ├── test_albef.py │ │ │ ├── test_cnn_lstm.py │ │ │ ├── test_mmbt.py │ │ │ ├── test_mmf_transformer.py │ │ │ ├── test_vilbert.py │ │ │ ├── test_visual_bert.py │ │ │ └── transformers │ │ │ │ ├── __init__.py │ │ │ │ └── test_heads.py │ │ ├── modules │ │ │ ├── __init__.py │ │ │ ├── test_encoders.py │ │ │ ├── test_fusions.py │ │ │ ├── test_layers.py │ │ │ ├── test_losses.py │ │ │ ├── test_metrics.py │ │ │ └── test_optimizers.py │ │ ├── test_utils.py │ │ ├── trainers │ │ │ ├── __init__.py │ │ │ ├── callbacks │ │ │ │ ├── __init__.py │ │ │ │ ├── test_logistics.py │ │ │ │ ├── test_lr_scheduler.py │ │ │ │ └── test_user_callback.py │ │ │ ├── lightning │ │ │ │ ├── __init__.py │ │ │ │ ├── lightning_trainer_mock.py │ │ │ │ ├── test_checkpoint.py │ │ │ │ ├── test_grad_accumulate.py │ │ │ │ ├── test_grad_clipping.py │ │ │ │ ├── test_logging.py │ │ │ │ ├── test_loop_conditions.py │ │ │ │ ├── test_loss.py │ │ │ │ ├── test_lr_schedule.py │ │ │ │ └── test_validation.py │ │ │ ├── test_device.py │ │ │ ├── test_eval_loop.py │ │ │ ├── test_fp16.py │ │ │ ├── test_sharded_ddp.py │ │ │ ├── test_trainer_mocks.py │ │ │ ├── test_training_loop.py │ │ │ └── test_utils.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── test_checkpoint.py │ │ │ ├── test_configuration.py │ │ │ ├── test_distributed.py │ │ │ ├── test_download.py │ │ │ ├── test_env.py │ │ │ ├── test_file_io.py │ │ │ ├── test_general.py │ │ │ ├── test_logger.py │ │ │ ├── test_model.py │ │ │ ├── test_quality_checks.py │ │ │ ├── test_text.py │ │ │ ├── test_timer.py │ │ │ └── test_visualize.py │ ├── tools │ │ ├── __init__.py │ │ ├── scripts │ │ │ ├── __init__.py │ │ │ ├── bert │ │ │ │ ├── extract_bert.sh │ │ │ │ └── extract_bert_embeddings.py │ │ │ ├── coco │ │ │ │ └── coco_caption_eval.py │ │ │ ├── features │ │ │ │ ├── extract.sh │ │ │ │ ├── extract_features_vmb.py │ │ │ │ ├── extract_features_vmb_wit-test.py │ │ │ │ ├── extract_features_vmb_wit.py │ │ │ │ ├── extract_resnet152_feat.py │ │ │ │ ├── extraction_utils.py │ │ │ │ ├── frcnn │ │ │ │ │ ├── extract_features_frcnn.py │ │ │ │ │ ├── frcnn_utils.py │ │ │ │ │ ├── modeling_frcnn.py │ │ │ │ │ └── processing_image.py │ │ │ │ └── lmdb_conversion.py │ │ │ ├── gqa │ │ │ │ ├── README.md │ │ │ │ ├── convert_gqa_to_vqa.py │ │ │ │ └── extract_vocabulary.py │ │ │ ├── tests │ │ │ │ └── generate_test_data.py │ │ │ └── visual_dialog │ │ │ │ ├── build_imdb.py │ │ │ │ └── extract_vocabulary.py │ │ └── sweeps │ │ │ ├── README.md │ │ │ └── sweep_visual_bert.py │ └── website │ │ ├── .eslintignore │ │ ├── .eslintrc.js │ │ ├── .gitignore │ │ ├── .prettierignore │ │ ├── .prettierrc │ │ ├── .stylelintrc.js │ │ ├── README.md │ │ ├── build_docs.sh │ │ ├── docs │ │ ├── challenges │ │ │ ├── hateful_memes_challenge.md │ │ │ ├── textvqa_challenge.md │ │ │ └── vqa_challenge.md │ │ ├── getting_started │ │ │ ├── faqs.md │ │ │ ├── features.md │ │ │ ├── installation.mdx │ │ │ ├── quickstart.md │ │ │ └── video_overview.md │ │ ├── notes │ │ │ ├── concepts.md │ │ │ ├── configuration.md │ │ │ ├── dataset_zoo.md │ │ │ ├── logging.md │ │ │ ├── model_zoo.md │ │ │ ├── pretrained_models.md │ │ │ ├── projects.md │ │ │ └── training_tricks.md │ │ ├── projects │ │ │ ├── butd.md │ │ │ ├── m4c.md │ │ │ ├── m4c_captioner.md │ │ │ ├── movie_mcan.md │ │ │ └── unit.md │ │ └── tutorials │ │ │ ├── checkpointing.md │ │ │ ├── concat_bert_tutorial.md │ │ │ ├── dataset.md │ │ │ ├── image_feature_extraction.md │ │ │ ├── losses.md │ │ │ ├── metrics.md │ │ │ ├── processors.md │ │ │ └── slurm.md │ │ ├── docusaurus.config.js │ │ ├── package.json │ │ ├── sidebars.js │ │ ├── src │ │ ├── css │ │ │ └── custom.css │ │ └── pages │ │ │ ├── api_redirect │ │ │ └── index.js │ │ │ ├── index.js │ │ │ └── styles.module.css │ │ ├── static │ │ ├── .circleci │ │ │ └── config.yml │ │ ├── .nojekyll │ │ ├── CNAME │ │ └── img │ │ │ ├── banner_logo.svg │ │ │ ├── boilerplate.svg │ │ │ ├── boilerplate_white.svg │ │ │ ├── favicon.png │ │ │ ├── logo.png │ │ │ ├── logo.svg │ │ │ ├── logo_white_f.png │ │ │ ├── logo_white_f.svg │ │ │ ├── logo_white_text.svg │ │ │ ├── oss_logo.png │ │ │ ├── puzzle_pieces.svg │ │ │ ├── puzzle_pieces_white.svg │ │ │ ├── pytorch_logo.svg │ │ │ ├── pytorch_logo_white.svg │ │ │ ├── undraw_docusaurus_react.svg │ │ │ └── undraw_docusaurus_tree.svg │ │ └── yarn.lock ├── npy_to_lmdb.py ├── py-bottom-up-attention │ ├── .circleci │ │ └── config.yml │ ├── .clang-format │ ├── .flake8 │ ├── .github │ │ ├── CODE_OF_CONDUCT.md │ │ ├── CONTRIBUTING.md │ │ ├── Detectron2-Logo-Horz.svg │ │ ├── ISSUE_TEMPLATE.md │ │ ├── ISSUE_TEMPLATE │ │ │ ├── feature-request.md │ │ │ ├── questions-help-support.md │ │ │ └── unexpected-problems-bugs.md │ │ └── pull_request_template.md │ ├── .gitignore │ ├── GETTING_STARTED.md │ ├── INSTALL.md │ ├── LICENSE │ ├── MODEL_ZOO.md │ ├── README.md │ ├── configs │ │ ├── Base-RCNN-C4.yaml │ │ ├── Base-RCNN-DilatedC5.yaml │ │ ├── Base-RCNN-FPN.yaml │ │ ├── Base-RetinaNet.yaml │ │ ├── COCO-Detection │ │ │ ├── fast_rcnn_R_50_FPN_1x.yaml │ │ │ ├── faster_rcnn_R_101_C4_3x.yaml │ │ │ ├── faster_rcnn_R_101_DC5_3x.yaml │ │ │ ├── faster_rcnn_R_101_FPN_3x.yaml │ │ │ ├── faster_rcnn_R_50_C4_1x.yaml │ │ │ ├── faster_rcnn_R_50_C4_3x.yaml │ │ │ ├── faster_rcnn_R_50_DC5_1x.yaml │ │ │ ├── faster_rcnn_R_50_DC5_3x.yaml │ │ │ ├── faster_rcnn_R_50_FPN_1x.yaml │ │ │ ├── faster_rcnn_R_50_FPN_3x.yaml │ │ │ ├── faster_rcnn_X_101_32x8d_FPN_3x.yaml │ │ │ ├── retinanet_R_101_FPN_3x.yaml │ │ │ ├── retinanet_R_50_FPN_1x.yaml │ │ │ ├── retinanet_R_50_FPN_3x.yaml │ │ │ ├── rpn_R_50_C4_1x.yaml │ │ │ └── rpn_R_50_FPN_1x.yaml │ │ ├── COCO-InstanceSegmentation │ │ │ ├── mask_rcnn_R_101_C4_3x.yaml │ │ │ ├── mask_rcnn_R_101_DC5_3x.yaml │ │ │ ├── mask_rcnn_R_101_FPN_3x.yaml │ │ │ ├── mask_rcnn_R_50_C4_1x.yaml │ │ │ ├── mask_rcnn_R_50_C4_3x.yaml │ │ │ ├── mask_rcnn_R_50_DC5_1x.yaml │ │ │ ├── mask_rcnn_R_50_DC5_3x.yaml │ │ │ ├── mask_rcnn_R_50_FPN_1x.yaml │ │ │ ├── mask_rcnn_R_50_FPN_3x.yaml │ │ │ └── mask_rcnn_X_101_32x8d_FPN_3x.yaml │ │ ├── COCO-Keypoints │ │ │ ├── Base-Keypoint-RCNN-FPN.yaml │ │ │ ├── keypoint_rcnn_R_101_FPN_3x.yaml │ │ │ ├── keypoint_rcnn_R_50_FPN_1x.yaml │ │ │ ├── keypoint_rcnn_R_50_FPN_3x.yaml │ │ │ └── keypoint_rcnn_X_101_32x8d_FPN_3x.yaml │ │ ├── COCO-PanopticSegmentation │ │ │ ├── Base-Panoptic-FPN.yaml │ │ │ ├── panoptic_fpn_R_101_3x.yaml │ │ │ ├── panoptic_fpn_R_50_1x.yaml │ │ │ └── panoptic_fpn_R_50_3x.yaml │ │ ├── Cityscapes │ │ │ └── mask_rcnn_R_50_FPN.yaml │ │ ├── Detectron1-Comparisons │ │ │ ├── README.md │ │ │ ├── faster_rcnn_R_50_FPN_noaug_1x.yaml │ │ │ ├── keypoint_rcnn_R_50_FPN_1x.yaml │ │ │ └── mask_rcnn_R_50_FPN_noaug_1x.yaml │ │ ├── LVIS-InstanceSegmentation │ │ │ ├── mask_rcnn_R_101_FPN_1x.yaml │ │ │ ├── mask_rcnn_R_50_FPN_1x.yaml │ │ │ └── mask_rcnn_X_101_32x8d_FPN_1x.yaml │ │ ├── Misc │ │ │ ├── cascade_mask_rcnn_R_50_FPN_1x.yaml │ │ │ ├── cascade_mask_rcnn_R_50_FPN_3x.yaml │ │ │ ├── cascade_mask_rcnn_X_152_32x8d_FPN_IN5k_gn_dconv.yaml │ │ │ ├── mask_rcnn_R_50_FPN_1x_cls_agnostic.yaml │ │ │ ├── mask_rcnn_R_50_FPN_1x_dconv_c3-c5.yaml │ │ │ ├── mask_rcnn_R_50_FPN_3x_dconv_c3-c5.yaml │ │ │ ├── mask_rcnn_R_50_FPN_3x_gn.yaml │ │ │ ├── mask_rcnn_R_50_FPN_3x_syncbn.yaml │ │ │ ├── panoptic_fpn_R_101_dconv_cascade_gn_3x.yaml │ │ │ ├── scratch_mask_rcnn_R_50_FPN_3x_gn.yaml │ │ │ └── semantic_R_50_FPN_1x.yaml │ │ ├── PascalVOC-Detection │ │ │ ├── faster_rcnn_R_50_C4.yaml │ │ │ └── faster_rcnn_R_50_FPN.yaml │ │ ├── VG-Detection │ │ │ ├── faster_rcnn_R_101_C4_attr_caffemaxpool.yaml │ │ │ ├── faster_rcnn_R_101_C4_caffe.yaml │ │ │ └── faster_rcnn_R_101_C4_caffemaxpool.yaml │ │ └── quick_schedules │ │ │ ├── README.md │ │ │ ├── fast_rcnn_R_50_FPN_inference_acc_test.yaml │ │ │ ├── fast_rcnn_R_50_FPN_instant_test.yaml │ │ │ ├── keypoint_rcnn_R_50_FPN_inference_acc_test.yaml │ │ │ ├── keypoint_rcnn_R_50_FPN_instant_test.yaml │ │ │ ├── keypoint_rcnn_R_50_FPN_normalized_training_acc_test.yaml │ │ │ ├── keypoint_rcnn_R_50_FPN_training_acc_test.yaml │ │ │ ├── mask_rcnn_R_50_C4_inference_acc_test.yaml │ │ │ ├── mask_rcnn_R_50_C4_instant_test.yaml │ │ │ ├── mask_rcnn_R_50_C4_training_acc_test.yaml │ │ │ ├── mask_rcnn_R_50_DC5_inference_acc_test.yaml │ │ │ ├── mask_rcnn_R_50_FPN_inference_acc_test.yaml │ │ │ ├── mask_rcnn_R_50_FPN_instant_test.yaml │ │ │ ├── mask_rcnn_R_50_FPN_training_acc_test.yaml │ │ │ ├── panoptic_fpn_R_50_inference_acc_test.yaml │ │ │ ├── panoptic_fpn_R_50_instant_test.yaml │ │ │ ├── panoptic_fpn_R_50_training_acc_test.yaml │ │ │ ├── retinanet_R_50_FPN_inference_acc_test.yaml │ │ │ ├── retinanet_R_50_FPN_instant_test.yaml │ │ │ ├── rpn_R_50_FPN_inference_acc_test.yaml │ │ │ ├── rpn_R_50_FPN_instant_test.yaml │ │ │ ├── semantic_R_50_FPN_inference_acc_test.yaml │ │ │ ├── semantic_R_50_FPN_instant_test.yaml │ │ │ └── semantic_R_50_FPN_training_acc_test.yaml │ ├── demo │ │ ├── data │ │ │ └── caffe_coco_features │ │ │ │ └── train2014_obj36.tsv │ │ └── detectron2_mscoco_proposal_maxnms.py │ ├── detectron2 │ │ ├── __init__.py │ │ ├── checkpoint │ │ │ ├── __init__.py │ │ │ ├── c2_model_loading.py │ │ │ ├── catalog.py │ │ │ └── detection_checkpoint.py │ │ ├── config │ │ │ ├── __init__.py │ │ │ ├── compat.py │ │ │ ├── config.py │ │ │ └── defaults.py │ │ ├── data │ │ │ ├── __init__.py │ │ │ ├── build.py │ │ │ ├── catalog.py │ │ │ ├── common.py │ │ │ ├── dataset_mapper.py │ │ │ ├── datasets │ │ │ │ ├── README.md │ │ │ │ ├── __init__.py │ │ │ │ ├── builtin.py │ │ │ │ ├── builtin_meta.py │ │ │ │ ├── cityscapes.py │ │ │ │ ├── coco.py │ │ │ │ ├── lvis.py │ │ │ │ ├── lvis_v0_5_categories.py │ │ │ │ ├── pascal_voc.py │ │ │ │ └── register_coco.py │ │ │ ├── detection_utils.py │ │ │ ├── samplers │ │ │ │ ├── __init__.py │ │ │ │ ├── distributed_sampler.py │ │ │ │ └── grouped_batch_sampler.py │ │ │ └── transforms │ │ │ │ ├── __init__.py │ │ │ │ ├── transform.py │ │ │ │ └── transform_gen.py │ │ ├── engine │ │ │ ├── __init__.py │ │ │ ├── defaults.py │ │ │ ├── hooks.py │ │ │ ├── launch.py │ │ │ └── train_loop.py │ │ ├── evaluation │ │ │ ├── __init__.py │ │ │ ├── cityscapes_evaluation.py │ │ │ ├── coco_evaluation.py │ │ │ ├── evaluator.py │ │ │ ├── lvis_evaluation.py │ │ │ ├── panoptic_evaluation.py │ │ │ ├── pascal_voc_evaluation.py │ │ │ ├── sem_seg_evaluation.py │ │ │ └── testing.py │ │ ├── layers │ │ │ ├── __init__.py │ │ │ ├── batch_norm.py │ │ │ ├── csrc │ │ │ │ ├── README.md │ │ │ │ ├── ROIAlign │ │ │ │ │ ├── ROIAlign.h │ │ │ │ │ ├── ROIAlign_cpu.cpp │ │ │ │ │ └── ROIAlign_cuda.cu │ │ │ │ ├── ROIAlignRotated │ │ │ │ │ ├── ROIAlignRotated.h │ │ │ │ │ ├── ROIAlignRotated_cpu.cpp │ │ │ │ │ └── ROIAlignRotated_cuda.cu │ │ │ │ ├── box_iou_rotated │ │ │ │ │ ├── box_iou_rotated.h │ │ │ │ │ ├── box_iou_rotated_cpu.cpp │ │ │ │ │ ├── box_iou_rotated_cuda.cu │ │ │ │ │ └── box_iou_rotated_utils.h │ │ │ │ ├── cuda_version.cu │ │ │ │ ├── deformable │ │ │ │ │ ├── deform_conv.h │ │ │ │ │ ├── deform_conv_cuda.cu │ │ │ │ │ └── deform_conv_cuda_kernel.cu │ │ │ │ ├── nms_rotated │ │ │ │ │ ├── nms_rotated.h │ │ │ │ │ ├── nms_rotated_cpu.cpp │ │ │ │ │ └── nms_rotated_cuda.cu │ │ │ │ └── vision.cpp │ │ │ ├── deform_conv.py │ │ │ ├── mask_ops.py │ │ │ ├── nms.py │ │ │ ├── roi_align.py │ │ │ ├── roi_align_rotated.py │ │ │ ├── rotated_boxes.py │ │ │ ├── shape_spec.py │ │ │ └── wrappers.py │ │ ├── model_zoo │ │ │ ├── __init__.py │ │ │ └── model_zoo.py │ │ ├── modeling │ │ │ ├── __init__.py │ │ │ ├── anchor_generator.py │ │ │ ├── backbone │ │ │ │ ├── __init__.py │ │ │ │ ├── backbone.py │ │ │ │ ├── build.py │ │ │ │ ├── fpn.py │ │ │ │ └── resnet.py │ │ │ ├── box_regression.py │ │ │ ├── matcher.py │ │ │ ├── meta_arch │ │ │ │ ├── __init__.py │ │ │ │ ├── build.py │ │ │ │ ├── panoptic_fpn.py │ │ │ │ ├── rcnn.py │ │ │ │ ├── retinanet.py │ │ │ │ └── semantic_seg.py │ │ │ ├── poolers.py │ │ │ ├── postprocessing.py │ │ │ ├── proposal_generator │ │ │ │ ├── __init__.py │ │ │ │ ├── build.py │ │ │ │ ├── proposal_utils.py │ │ │ │ ├── rpn.py │ │ │ │ ├── rpn_outputs.py │ │ │ │ ├── rrpn.py │ │ │ │ └── rrpn_outputs.py │ │ │ ├── roi_heads │ │ │ │ ├── __init__.py │ │ │ │ ├── box_head.py │ │ │ │ ├── cascade_rcnn.py │ │ │ │ ├── fast_rcnn.py │ │ │ │ ├── keypoint_head.py │ │ │ │ ├── mask_head.py │ │ │ │ ├── roi_heads.py │ │ │ │ └── rotated_fast_rcnn.py │ │ │ ├── sampling.py │ │ │ └── test_time_augmentation.py │ │ ├── solver │ │ │ ├── __init__.py │ │ │ ├── build.py │ │ │ └── lr_scheduler.py │ │ ├── structures │ │ │ ├── __init__.py │ │ │ ├── boxes.py │ │ │ ├── image_list.py │ │ │ ├── instances.py │ │ │ ├── keypoints.py │ │ │ ├── masks.py │ │ │ └── rotated_boxes.py │ │ └── utils │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── collect_env.py │ │ │ ├── colormap.py │ │ │ ├── comm.py │ │ │ ├── env.py │ │ │ ├── events.py │ │ │ ├── logger.py │ │ │ ├── memory.py │ │ │ ├── registry.py │ │ │ ├── serialize.py │ │ │ ├── video_visualizer.py │ │ │ └── visualizer.py │ ├── dev │ │ ├── README.md │ │ ├── linter.sh │ │ ├── parse_results.sh │ │ ├── run_inference_tests.sh │ │ └── run_instant_tests.sh │ ├── docker │ │ ├── Dockerfile │ │ ├── Dockerfile-circleci │ │ ├── README.md │ │ └── docker-compose.yml │ ├── docs │ │ ├── .gitignore │ │ ├── Makefile │ │ ├── README.md │ │ ├── conf.py │ │ ├── index.rst │ │ ├── modules │ │ │ ├── checkpoint.rst │ │ │ ├── config.rst │ │ │ ├── data.rst │ │ │ ├── engine.rst │ │ │ ├── evaluation.rst │ │ │ ├── index.rst │ │ │ ├── layers.rst │ │ │ ├── model_zoo.rst │ │ │ ├── modeling.rst │ │ │ ├── solver.rst │ │ │ ├── structures.rst │ │ │ └── utils.rst │ │ ├── notes │ │ │ ├── benchmarks.md │ │ │ ├── changelog.md │ │ │ ├── compatibility.md │ │ │ ├── contributing.md │ │ │ └── index.rst │ │ └── tutorials │ │ │ ├── configs.md │ │ │ ├── data_loading.md │ │ │ ├── datasets.md │ │ │ ├── extend.md │ │ │ ├── getting_started.md │ │ │ ├── index.rst │ │ │ ├── install.md │ │ │ ├── models.md │ │ │ ├── training.md │ │ │ └── write-models.md │ ├── original_README.md │ ├── original_demo │ │ ├── README.md │ │ ├── demo.py │ │ └── predictor.py │ ├── projects │ │ ├── DensePose │ │ │ ├── README.md │ │ │ ├── apply_net.py │ │ │ ├── configs │ │ │ │ ├── Base-DensePose-RCNN-FPN.yaml │ │ │ │ ├── densepose_rcnn_R_101_FPN_s1x.yaml │ │ │ │ ├── densepose_rcnn_R_50_FPN_s1x.yaml │ │ │ │ └── quick_schedules │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_inference_acc_test.yaml │ │ │ │ │ ├── densepose_rcnn_R_50_FPN_instant_test.yaml │ │ │ │ │ └── densepose_rcnn_R_50_FPN_training_acc_test.yaml │ │ │ ├── densepose │ │ │ │ ├── __init__.py │ │ │ │ ├── config.py │ │ │ │ ├── dataset.py │ │ │ │ ├── dataset_mapper.py │ │ │ │ ├── densepose_coco_evaluation.py │ │ │ │ ├── densepose_head.py │ │ │ │ ├── evaluator.py │ │ │ │ ├── roi_head.py │ │ │ │ ├── structures.py │ │ │ │ ├── utils │ │ │ │ │ ├── dbhelper.py │ │ │ │ │ └── logger.py │ │ │ │ └── vis │ │ │ │ │ ├── base.py │ │ │ │ │ ├── bounding_box.py │ │ │ │ │ ├── densepose.py │ │ │ │ │ └── extractor.py │ │ │ ├── dev │ │ │ │ ├── README.md │ │ │ │ ├── run_inference_tests.sh │ │ │ │ └── run_instant_tests.sh │ │ │ ├── doc │ │ │ │ ├── GETTING_STARTED.md │ │ │ │ ├── MODEL_ZOO.md │ │ │ │ ├── TOOL_APPLY_NET.md │ │ │ │ └── TOOL_QUERY_DB.md │ │ │ ├── query_db.py │ │ │ └── train_net.py │ │ ├── README.md │ │ ├── TensorMask │ │ │ ├── README.md │ │ │ ├── configs │ │ │ │ ├── Base-TensorMask.yaml │ │ │ │ ├── tensormask_R_50_FPN_1x.yaml │ │ │ │ └── tensormask_R_50_FPN_6x.yaml │ │ │ ├── setup.py │ │ │ ├── tensormask │ │ │ │ ├── __init__.py │ │ │ │ ├── arch.py │ │ │ │ ├── config.py │ │ │ │ └── layers │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── csrc │ │ │ │ │ ├── SwapAlign2Nat │ │ │ │ │ │ ├── SwapAlign2Nat.h │ │ │ │ │ │ └── SwapAlign2Nat_cuda.cu │ │ │ │ │ └── vision.cpp │ │ │ │ │ └── swap_align2nat.py │ │ │ ├── tests │ │ │ │ ├── __init__.py │ │ │ │ └── test_swap_align2nat.py │ │ │ └── train_net.py │ │ └── TridentNet │ │ │ ├── README.md │ │ │ ├── configs │ │ │ ├── Base-TridentNet-Fast-C4.yaml │ │ │ ├── tridentnet_fast_R_101_C4_3x.yaml │ │ │ ├── tridentnet_fast_R_50_C4_1x.yaml │ │ │ └── tridentnet_fast_R_50_C4_3x.yaml │ │ │ ├── train_net.py │ │ │ └── tridentnet │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ ├── trident_backbone.py │ │ │ ├── trident_conv.py │ │ │ ├── trident_rcnn.py │ │ │ └── trident_rpn.py │ ├── setup.cfg │ ├── setup.py │ ├── tests │ │ ├── __init__.py │ │ ├── test_anchor_generator.py │ │ ├── test_box2box_transform.py │ │ ├── test_boxes.py │ │ ├── test_checkpoint.py │ │ ├── test_config.py │ │ ├── test_data_transform.py │ │ ├── test_fast_rcnn.py │ │ ├── test_mask_ops.py │ │ ├── test_model_e2e.py │ │ ├── test_model_zoo.py │ │ ├── test_nms_rotated.py │ │ ├── test_roi_align.py │ │ ├── test_roi_align_rotated.py │ │ ├── test_roi_heads.py │ │ ├── test_roi_pooler.py │ │ ├── test_rotated_boxes.py │ │ ├── test_rpn.py │ │ ├── test_sampler.py │ │ └── test_visualizer.py │ └── tools │ │ ├── README.md │ │ ├── benchmark.py │ │ ├── plain_train_net.py │ │ ├── train_net.py │ │ ├── visualize_data.py │ │ └── visualize_json_results.py └── tsv_to_h5.py ├── requirements.txt ├── scripts ├── GQA_score.py ├── Retrieval_visualization.ipynb ├── VCR_Q_AR_evaluation.py ├── VCR_submission.py ├── generate_pool.py └── refer_expression.ipynb ├── setup.py ├── tools └── refer │ ├── .gitignore │ ├── LICENSE │ ├── Makefile │ ├── README.md │ ├── data │ └── README.md │ ├── evaluation │ ├── __init__.py │ ├── bleu │ │ ├── LICENSE │ │ ├── __init__.py │ │ ├── bleu.py │ │ └── bleu_scorer.py │ ├── cider │ │ ├── __init__.py │ │ ├── cider.py │ │ └── cider_scorer.py │ ├── meteor │ │ ├── __init__.py │ │ ├── data │ │ │ └── paraphrase-en.gz │ │ ├── meteor-1.5.jar │ │ └── meteor.py │ ├── readme.txt │ ├── refEvaluation.py │ ├── rouge │ │ ├── __init__.py │ │ └── rouge.py │ └── tokenizer │ │ ├── __init__.py │ │ ├── ptbtokenizer.py │ │ └── stanford-corenlp-3.4.1.jar │ ├── external │ ├── .gitignore │ ├── README.md │ ├── __init__.py │ ├── _mask.pyx │ ├── mask.py │ ├── maskApi.c │ └── maskApi.h │ ├── pyEvalDemo.ipynb │ ├── pyReferDemo.ipynb │ ├── refer.py │ ├── setup.py │ └── test │ ├── sample_expressions_testA.json │ └── sample_expressions_testB.json ├── train_concap.py ├── train_concap_wiki.py ├── train_task.py └── volta ├── __init__.py ├── config.py ├── datasets ├── __init__.py ├── _all_image_features_reader.py ├── _image_features_reader.py ├── concept_cap_dataset.py ├── flickr30ke_ablation_dataset.py ├── flickr_grounding_dataset.py ├── gqa_dataset.py ├── guesswhat_dataset.py ├── guesswhat_pointing_dataset.py ├── nlvr2_dataset.py ├── refer_dense_caption.py ├── refer_expression_dataset.py ├── retrieval_dataset.py ├── vcr_dataset.py ├── visdial_dataset.py ├── vismadlibs_dataset.py ├── visual7w_pointing_dataset.py ├── visual_entailment_dataset.py ├── visual_genome_dataset.py ├── vqa_dataset.py └── wikipedias_dataset.py ├── embeddings.py ├── encoders.py ├── losses.py ├── m3p_transformer.py ├── optimization.py ├── task_utils.py ├── train_utils.py └── utils.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/.gitignore -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/LICENSE -------------------------------------------------------------------------------- /MODELS.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/MODELS.md -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/README.md -------------------------------------------------------------------------------- /ViLBERT_VOLTA.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/ViLBERT_VOLTA.png -------------------------------------------------------------------------------- /ablate_lang4vis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/ablate_lang4vis.py -------------------------------------------------------------------------------- /ablate_vis4lang.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/ablate_vis4lang.py -------------------------------------------------------------------------------- /apex/.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/.gitmodules -------------------------------------------------------------------------------- /apex/.nojekyll: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /apex/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/LICENSE -------------------------------------------------------------------------------- /apex/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/README.md -------------------------------------------------------------------------------- /apex/apex/RNN/README.md: -------------------------------------------------------------------------------- 1 | Under construction... 2 | -------------------------------------------------------------------------------- /apex/apex/RNN/RNNBackend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/RNN/RNNBackend.py -------------------------------------------------------------------------------- /apex/apex/RNN/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/RNN/__init__.py -------------------------------------------------------------------------------- /apex/apex/RNN/cells.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/RNN/cells.py -------------------------------------------------------------------------------- /apex/apex/RNN/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/RNN/models.py -------------------------------------------------------------------------------- /apex/apex/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/__init__.py -------------------------------------------------------------------------------- /apex/apex/amp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/README.md -------------------------------------------------------------------------------- /apex/apex/amp/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/__init__.py -------------------------------------------------------------------------------- /apex/apex/amp/__version__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/__version__.py -------------------------------------------------------------------------------- /apex/apex/amp/_amp_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/_amp_state.py -------------------------------------------------------------------------------- /apex/apex/amp/_initialize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/_initialize.py -------------------------------------------------------------------------------- /apex/apex/amp/_process_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/_process_optimizer.py -------------------------------------------------------------------------------- /apex/apex/amp/amp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/amp.py -------------------------------------------------------------------------------- /apex/apex/amp/compat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/compat.py -------------------------------------------------------------------------------- /apex/apex/amp/frontend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/frontend.py -------------------------------------------------------------------------------- /apex/apex/amp/handle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/handle.py -------------------------------------------------------------------------------- /apex/apex/amp/lists/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /apex/apex/amp/lists/functional_overrides.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/lists/functional_overrides.py -------------------------------------------------------------------------------- /apex/apex/amp/lists/tensor_overrides.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/lists/tensor_overrides.py -------------------------------------------------------------------------------- /apex/apex/amp/lists/torch_overrides.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/lists/torch_overrides.py -------------------------------------------------------------------------------- /apex/apex/amp/opt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/opt.py -------------------------------------------------------------------------------- /apex/apex/amp/rnn_compat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/rnn_compat.py -------------------------------------------------------------------------------- /apex/apex/amp/scaler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/scaler.py -------------------------------------------------------------------------------- /apex/apex/amp/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/utils.py -------------------------------------------------------------------------------- /apex/apex/amp/wrap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/amp/wrap.py -------------------------------------------------------------------------------- /apex/apex/contrib/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /apex/apex/contrib/csrc/groupbn/batch_norm.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/csrc/groupbn/batch_norm.cu -------------------------------------------------------------------------------- /apex/apex/contrib/csrc/groupbn/batch_norm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/csrc/groupbn/batch_norm.h -------------------------------------------------------------------------------- /apex/apex/contrib/csrc/groupbn/cuda_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/csrc/groupbn/cuda_utils.h -------------------------------------------------------------------------------- /apex/apex/contrib/csrc/groupbn/interface.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/csrc/groupbn/interface.cpp -------------------------------------------------------------------------------- /apex/apex/contrib/csrc/groupbn/ipc.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/csrc/groupbn/ipc.cu -------------------------------------------------------------------------------- /apex/apex/contrib/csrc/multihead_attn/dropout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/csrc/multihead_attn/dropout.h -------------------------------------------------------------------------------- /apex/apex/contrib/csrc/multihead_attn/softmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/csrc/multihead_attn/softmax.h -------------------------------------------------------------------------------- /apex/apex/contrib/csrc/xentropy/interface.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/csrc/xentropy/interface.cpp -------------------------------------------------------------------------------- /apex/apex/contrib/groupbn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/groupbn/__init__.py -------------------------------------------------------------------------------- /apex/apex/contrib/groupbn/batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/groupbn/batch_norm.py -------------------------------------------------------------------------------- /apex/apex/contrib/multihead_attn/MHA_bwd.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/multihead_attn/MHA_bwd.png -------------------------------------------------------------------------------- /apex/apex/contrib/multihead_attn/MHA_fwd.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/multihead_attn/MHA_fwd.png -------------------------------------------------------------------------------- /apex/apex/contrib/multihead_attn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/multihead_attn/README.md -------------------------------------------------------------------------------- /apex/apex/contrib/multihead_attn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/multihead_attn/__init__.py -------------------------------------------------------------------------------- /apex/apex/contrib/optimizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/optimizers/__init__.py -------------------------------------------------------------------------------- /apex/apex/contrib/optimizers/fp16_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/optimizers/fp16_optimizer.py -------------------------------------------------------------------------------- /apex/apex/contrib/optimizers/fused_adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/optimizers/fused_adam.py -------------------------------------------------------------------------------- /apex/apex/contrib/optimizers/fused_sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/optimizers/fused_sgd.py -------------------------------------------------------------------------------- /apex/apex/contrib/test/test_label_smoothing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/test/test_label_smoothing.py -------------------------------------------------------------------------------- /apex/apex/contrib/xentropy/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/xentropy/__init__.py -------------------------------------------------------------------------------- /apex/apex/contrib/xentropy/softmax_xentropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/contrib/xentropy/softmax_xentropy.py -------------------------------------------------------------------------------- /apex/apex/fp16_utils/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/fp16_utils/README.md -------------------------------------------------------------------------------- /apex/apex/fp16_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/fp16_utils/__init__.py -------------------------------------------------------------------------------- /apex/apex/fp16_utils/fp16_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/fp16_utils/fp16_optimizer.py -------------------------------------------------------------------------------- /apex/apex/fp16_utils/fp16util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/fp16_utils/fp16util.py -------------------------------------------------------------------------------- /apex/apex/fp16_utils/loss_scaler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/fp16_utils/loss_scaler.py -------------------------------------------------------------------------------- /apex/apex/multi_tensor_apply/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/multi_tensor_apply/__init__.py -------------------------------------------------------------------------------- /apex/apex/normalization/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/normalization/__init__.py -------------------------------------------------------------------------------- /apex/apex/normalization/fused_layer_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/normalization/fused_layer_norm.py -------------------------------------------------------------------------------- /apex/apex/optimizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/optimizers/__init__.py -------------------------------------------------------------------------------- /apex/apex/optimizers/fused_adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/optimizers/fused_adam.py -------------------------------------------------------------------------------- /apex/apex/optimizers/fused_lamb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/optimizers/fused_lamb.py -------------------------------------------------------------------------------- /apex/apex/optimizers/fused_novograd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/optimizers/fused_novograd.py -------------------------------------------------------------------------------- /apex/apex/optimizers/fused_sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/optimizers/fused_sgd.py -------------------------------------------------------------------------------- /apex/apex/parallel/LARC.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/parallel/LARC.py -------------------------------------------------------------------------------- /apex/apex/parallel/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/parallel/README.md -------------------------------------------------------------------------------- /apex/apex/parallel/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/parallel/__init__.py -------------------------------------------------------------------------------- /apex/apex/parallel/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/parallel/distributed.py -------------------------------------------------------------------------------- /apex/apex/parallel/multiproc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/parallel/multiproc.py -------------------------------------------------------------------------------- /apex/apex/parallel/optimized_sync_batchnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/parallel/optimized_sync_batchnorm.py -------------------------------------------------------------------------------- /apex/apex/parallel/sync_batchnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/parallel/sync_batchnorm.py -------------------------------------------------------------------------------- /apex/apex/parallel/sync_batchnorm_kernel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/parallel/sync_batchnorm_kernel.py -------------------------------------------------------------------------------- /apex/apex/pyprof/FAQs.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/FAQs.md -------------------------------------------------------------------------------- /apex/apex/pyprof/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/README.md -------------------------------------------------------------------------------- /apex/apex/pyprof/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/__init__.py -------------------------------------------------------------------------------- /apex/apex/pyprof/examples/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/examples/.gitignore -------------------------------------------------------------------------------- /apex/apex/pyprof/examples/apex/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/examples/apex/README.md -------------------------------------------------------------------------------- /apex/apex/pyprof/examples/apex/fused_adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/examples/apex/fused_adam.py -------------------------------------------------------------------------------- /apex/apex/pyprof/examples/apex/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/examples/apex/test.sh -------------------------------------------------------------------------------- /apex/apex/pyprof/examples/imagenet/imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/examples/imagenet/imagenet.py -------------------------------------------------------------------------------- /apex/apex/pyprof/examples/imagenet/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/examples/imagenet/test.sh -------------------------------------------------------------------------------- /apex/apex/pyprof/examples/jit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/examples/jit/README.md -------------------------------------------------------------------------------- /apex/apex/pyprof/examples/jit/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/examples/jit/test.sh -------------------------------------------------------------------------------- /apex/apex/pyprof/examples/lenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/examples/lenet.py -------------------------------------------------------------------------------- /apex/apex/pyprof/examples/operators.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/examples/operators.py -------------------------------------------------------------------------------- /apex/apex/pyprof/examples/simple.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/examples/simple.py -------------------------------------------------------------------------------- /apex/apex/pyprof/nvtx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/nvtx/__init__.py -------------------------------------------------------------------------------- /apex/apex/pyprof/nvtx/nvmarker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/nvtx/nvmarker.py -------------------------------------------------------------------------------- /apex/apex/pyprof/parse/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /apex/apex/pyprof/parse/__main__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/parse/__main__.py -------------------------------------------------------------------------------- /apex/apex/pyprof/parse/db.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/parse/db.py -------------------------------------------------------------------------------- /apex/apex/pyprof/parse/kernel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/parse/kernel.py -------------------------------------------------------------------------------- /apex/apex/pyprof/parse/nvvp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/parse/nvvp.py -------------------------------------------------------------------------------- /apex/apex/pyprof/parse/parse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/parse/parse.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/__main__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/__main__.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/activation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/activation.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/base.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/blas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/blas.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/conv.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/convert.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/data.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/dropout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/dropout.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/embedding.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/index_slice_join_mutate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/index_slice_join_mutate.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/linear.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/loss.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/misc.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/normalization.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/optim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/optim.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/output.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/pointwise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/pointwise.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/pooling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/pooling.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/prof.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/prof.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/randomSample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/randomSample.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/recurrentCell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/recurrentCell.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/reduction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/reduction.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/softmax.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/usage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/usage.py -------------------------------------------------------------------------------- /apex/apex/pyprof/prof/utility.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/pyprof/prof/utility.py -------------------------------------------------------------------------------- /apex/apex/reparameterization/README.md: -------------------------------------------------------------------------------- 1 | Under construction... 2 | -------------------------------------------------------------------------------- /apex/apex/reparameterization/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/reparameterization/__init__.py -------------------------------------------------------------------------------- /apex/apex/reparameterization/weight_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/apex/reparameterization/weight_norm.py -------------------------------------------------------------------------------- /apex/csrc/amp_C_frontend.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/amp_C_frontend.cpp -------------------------------------------------------------------------------- /apex/csrc/compat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/compat.h -------------------------------------------------------------------------------- /apex/csrc/flatten_unflatten.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/flatten_unflatten.cpp -------------------------------------------------------------------------------- /apex/csrc/layer_norm_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/layer_norm_cuda.cpp -------------------------------------------------------------------------------- /apex/csrc/layer_norm_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/layer_norm_cuda_kernel.cu -------------------------------------------------------------------------------- /apex/csrc/multi_tensor_adam.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/multi_tensor_adam.cu -------------------------------------------------------------------------------- /apex/csrc/multi_tensor_apply.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/multi_tensor_apply.cuh -------------------------------------------------------------------------------- /apex/csrc/multi_tensor_axpby_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/multi_tensor_axpby_kernel.cu -------------------------------------------------------------------------------- /apex/csrc/multi_tensor_l2norm_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/multi_tensor_l2norm_kernel.cu -------------------------------------------------------------------------------- /apex/csrc/multi_tensor_lamb.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/multi_tensor_lamb.cu -------------------------------------------------------------------------------- /apex/csrc/multi_tensor_lamb_stage_1.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/multi_tensor_lamb_stage_1.cu -------------------------------------------------------------------------------- /apex/csrc/multi_tensor_lamb_stage_2.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/multi_tensor_lamb_stage_2.cu -------------------------------------------------------------------------------- /apex/csrc/multi_tensor_novograd.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/multi_tensor_novograd.cu -------------------------------------------------------------------------------- /apex/csrc/multi_tensor_scale_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/multi_tensor_scale_kernel.cu -------------------------------------------------------------------------------- /apex/csrc/multi_tensor_sgd_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/multi_tensor_sgd_kernel.cu -------------------------------------------------------------------------------- /apex/csrc/syncbn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/syncbn.cpp -------------------------------------------------------------------------------- /apex/csrc/type_shim.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/type_shim.h -------------------------------------------------------------------------------- /apex/csrc/welford.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/csrc/welford.cu -------------------------------------------------------------------------------- /apex/docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/docs/Makefile -------------------------------------------------------------------------------- /apex/docs/source/_static/css/pytorch_theme.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/docs/source/_static/css/pytorch_theme.css -------------------------------------------------------------------------------- /apex/docs/source/_static/img/nv-pytorch2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/docs/source/_static/img/nv-pytorch2.png -------------------------------------------------------------------------------- /apex/docs/source/_templates/layout.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/docs/source/_templates/layout.html -------------------------------------------------------------------------------- /apex/docs/source/advanced.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/docs/source/advanced.rst -------------------------------------------------------------------------------- /apex/docs/source/amp.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/docs/source/amp.rst -------------------------------------------------------------------------------- /apex/docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/docs/source/conf.py -------------------------------------------------------------------------------- /apex/docs/source/fp16_utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/docs/source/fp16_utils.rst -------------------------------------------------------------------------------- /apex/docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/docs/source/index.rst -------------------------------------------------------------------------------- /apex/docs/source/layernorm.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/docs/source/layernorm.rst -------------------------------------------------------------------------------- /apex/docs/source/optimizers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/docs/source/optimizers.rst -------------------------------------------------------------------------------- /apex/docs/source/parallel.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/docs/source/parallel.rst -------------------------------------------------------------------------------- /apex/examples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/examples/README.md -------------------------------------------------------------------------------- /apex/examples/dcgan/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/examples/dcgan/README.md -------------------------------------------------------------------------------- /apex/examples/dcgan/main_amp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/examples/dcgan/main_amp.py -------------------------------------------------------------------------------- /apex/examples/docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/examples/docker/Dockerfile -------------------------------------------------------------------------------- /apex/examples/docker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/examples/docker/README.md -------------------------------------------------------------------------------- /apex/examples/imagenet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/examples/imagenet/README.md -------------------------------------------------------------------------------- /apex/examples/imagenet/main_amp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/examples/imagenet/main_amp.py -------------------------------------------------------------------------------- /apex/examples/simple/distributed/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/examples/simple/distributed/README.md -------------------------------------------------------------------------------- /apex/examples/simple/distributed/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/examples/simple/distributed/run.sh -------------------------------------------------------------------------------- /apex/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/requirements.txt -------------------------------------------------------------------------------- /apex/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/setup.py -------------------------------------------------------------------------------- /apex/tests/L0/run_amp/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /apex/tests/L0/run_amp/test_add_param_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L0/run_amp/test_add_param_group.py -------------------------------------------------------------------------------- /apex/tests/L0/run_amp/test_basic_casts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L0/run_amp/test_basic_casts.py -------------------------------------------------------------------------------- /apex/tests/L0/run_amp/test_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L0/run_amp/test_cache.py -------------------------------------------------------------------------------- /apex/tests/L0/run_amp/test_checkpointing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L0/run_amp/test_checkpointing.py -------------------------------------------------------------------------------- /apex/tests/L0/run_amp/test_fused_sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L0/run_amp/test_fused_sgd.py -------------------------------------------------------------------------------- /apex/tests/L0/run_amp/test_multi_tensor_axpby.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L0/run_amp/test_multi_tensor_axpby.py -------------------------------------------------------------------------------- /apex/tests/L0/run_amp/test_multi_tensor_scale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L0/run_amp/test_multi_tensor_scale.py -------------------------------------------------------------------------------- /apex/tests/L0/run_amp/test_promotion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L0/run_amp/test_promotion.py -------------------------------------------------------------------------------- /apex/tests/L0/run_amp/test_rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L0/run_amp/test_rnn.py -------------------------------------------------------------------------------- /apex/tests/L0/run_amp/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L0/run_amp/utils.py -------------------------------------------------------------------------------- /apex/tests/L0/run_fp16util/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /apex/tests/L0/run_fp16util/test_fp16util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L0/run_fp16util/test_fp16util.py -------------------------------------------------------------------------------- /apex/tests/L0/run_optimizers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /apex/tests/L0/run_optimizers/test_adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L0/run_optimizers/test_adam.py -------------------------------------------------------------------------------- /apex/tests/L0/run_pyprof_nvtx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L0/run_pyprof_nvtx/__init__.py -------------------------------------------------------------------------------- /apex/tests/L0/run_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L0/run_test.py -------------------------------------------------------------------------------- /apex/tests/L1/common/compare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L1/common/compare.py -------------------------------------------------------------------------------- /apex/tests/L1/common/main_amp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L1/common/main_amp.py -------------------------------------------------------------------------------- /apex/tests/L1/common/run_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L1/common/run_test.sh -------------------------------------------------------------------------------- /apex/tests/L1/cross_product/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L1/cross_product/run.sh -------------------------------------------------------------------------------- /apex/tests/L1/cross_product_distributed/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/L1/cross_product_distributed/run.sh -------------------------------------------------------------------------------- /apex/tests/distributed/DDP/run_race_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/distributed/DDP/run_race_test.sh -------------------------------------------------------------------------------- /apex/tests/distributed/amp_master_params/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/distributed/amp_master_params/run.sh -------------------------------------------------------------------------------- /apex/tests/docker_extension_builds/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/apex/tests/docker_extension_builds/run.sh -------------------------------------------------------------------------------- /config/bert-base-uncased_weight_name.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config/bert-base-uncased_weight_name.json -------------------------------------------------------------------------------- /config/ctrl_lxmert.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config/ctrl_lxmert.json -------------------------------------------------------------------------------- /config/ctrl_muniter_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config/ctrl_muniter_base.json -------------------------------------------------------------------------------- /config/ctrl_uniter_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config/ctrl_uniter_base.json -------------------------------------------------------------------------------- /config/ctrl_vilbert_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config/ctrl_vilbert_base.json -------------------------------------------------------------------------------- /config/ctrl_visualbert_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config/ctrl_visualbert_base.json -------------------------------------------------------------------------------- /config/ctrl_vl-bert_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config/ctrl_vl-bert_base.json -------------------------------------------------------------------------------- /config/ctrl_xuniter_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config/ctrl_xuniter_base.json -------------------------------------------------------------------------------- /config/lxmert.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config/lxmert.json -------------------------------------------------------------------------------- /config/m3p_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config/m3p_base.json -------------------------------------------------------------------------------- /config/original_lxmert.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config/original_lxmert.json -------------------------------------------------------------------------------- /config/uc2_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config/uc2_base.json -------------------------------------------------------------------------------- /config/vilbert_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config/vilbert_base.json -------------------------------------------------------------------------------- /config/vl-bert_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config/vl-bert_base.json -------------------------------------------------------------------------------- /config_tasks/all_trainval_tasks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config_tasks/all_trainval_tasks.yml -------------------------------------------------------------------------------- /config_tasks/cross-modal-ablation_test_tasks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config_tasks/cross-modal-ablation_test_tasks.yml -------------------------------------------------------------------------------- /config_tasks/ctrl_test_tasks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config_tasks/ctrl_test_tasks.yml -------------------------------------------------------------------------------- /config_tasks/ctrl_trainval_tasks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config_tasks/ctrl_trainval_tasks.yml -------------------------------------------------------------------------------- /config_tasks/iglue_fewshot_tasks_X101.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config_tasks/iglue_fewshot_tasks_X101.yml -------------------------------------------------------------------------------- /config_tasks/iglue_fewshot_tasks_boxes36.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config_tasks/iglue_fewshot_tasks_boxes36.yml -------------------------------------------------------------------------------- /config_tasks/iglue_test_tasks_X101.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config_tasks/iglue_test_tasks_X101.yml -------------------------------------------------------------------------------- /config_tasks/iglue_test_tasks_boxes36.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config_tasks/iglue_test_tasks_boxes36.yml -------------------------------------------------------------------------------- /config_tasks/iglue_trainval_tasks_X101.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config_tasks/iglue_trainval_tasks_X101.yml -------------------------------------------------------------------------------- /config_tasks/iglue_trainval_tasks_boxes36.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config_tasks/iglue_trainval_tasks_boxes36.yml -------------------------------------------------------------------------------- /config_tasks/lxmert_test_tasks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config_tasks/lxmert_test_tasks.yml -------------------------------------------------------------------------------- /config_tasks/lxmert_trainval_tasks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config_tasks/lxmert_trainval_tasks.yml -------------------------------------------------------------------------------- /config_tasks/vilbert_test_tasks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config_tasks/vilbert_test_tasks.yml -------------------------------------------------------------------------------- /config_tasks/vilbert_trainval_tasks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config_tasks/vilbert_trainval_tasks.yml -------------------------------------------------------------------------------- /config_tasks/vl-bert_test_tasks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config_tasks/vl-bert_test_tasks.yml -------------------------------------------------------------------------------- /config_tasks/vl-bert_trainval_tasks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/config_tasks/vl-bert_trainval_tasks.yml -------------------------------------------------------------------------------- /conversions/M3P_volta.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/conversions/M3P_volta.ipynb -------------------------------------------------------------------------------- /conversions/convert_lxmert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/conversions/convert_lxmert.py -------------------------------------------------------------------------------- /conversions/convert_uc2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/conversions/convert_uc2.py -------------------------------------------------------------------------------- /conversions/m3p.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/conversions/m3p.json -------------------------------------------------------------------------------- /conversions/m3p_body2volta.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/conversions/m3p_body2volta.json -------------------------------------------------------------------------------- /data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/README.md -------------------------------------------------------------------------------- /data/conceptual_captions/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/conceptual_captions/README.md -------------------------------------------------------------------------------- /data/conceptual_captions/download_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/conceptual_captions/download_data.py -------------------------------------------------------------------------------- /data/conceptual_captions/extract_cc_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/conceptual_captions/extract_cc_image.py -------------------------------------------------------------------------------- /data/conceptual_captions/merge_cc_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/conceptual_captions/merge_cc_image.py -------------------------------------------------------------------------------- /data/conceptual_captions/preprocess_cc_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/conceptual_captions/preprocess_cc_train.py -------------------------------------------------------------------------------- /data/conceptual_captions/preprocess_cc_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/conceptual_captions/preprocess_cc_train.sh -------------------------------------------------------------------------------- /data/conceptual_captions/preprocess_cc_valid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/conceptual_captions/preprocess_cc_valid.py -------------------------------------------------------------------------------- /data/conceptual_captions/preprocess_cc_valid.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/conceptual_captions/preprocess_cc_valid.sh -------------------------------------------------------------------------------- /data/conceptual_captions/train_ids.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/conceptual_captions/train_ids.txt -------------------------------------------------------------------------------- /data/conceptual_captions/valid_ids.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/conceptual_captions/valid_ids.txt -------------------------------------------------------------------------------- /data/flickr30k/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/flickr30k/README.md -------------------------------------------------------------------------------- /data/flickr30k/convert_flickr30k_lmdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/flickr30k/convert_flickr30k_lmdb.py -------------------------------------------------------------------------------- /data/flickr30k/convert_flickr30k_lmdb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/flickr30k/convert_flickr30k_lmdb.sh -------------------------------------------------------------------------------- /data/flickr30k/download_captions.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/flickr30k/download_captions.sh -------------------------------------------------------------------------------- /data/flickr30k/extract_captions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/flickr30k/extract_captions.py -------------------------------------------------------------------------------- /data/flickr30k/extract_captions.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/flickr30k/extract_captions.sh -------------------------------------------------------------------------------- /data/flickr30k/extract_flickr30k_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/flickr30k/extract_flickr30k_image.py -------------------------------------------------------------------------------- /data/flickr30k/merge_flickr30k_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/flickr30k/merge_flickr30k_image.py -------------------------------------------------------------------------------- /data/gqa/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/gqa/README.md -------------------------------------------------------------------------------- /data/gqa/convert_vg_gqa_lmdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/gqa/convert_vg_gqa_lmdb.py -------------------------------------------------------------------------------- /data/gqa/convert_vg_gqa_lmdb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/gqa/convert_vg_gqa_lmdb.sh -------------------------------------------------------------------------------- /data/gqa/extract_vg_gqa_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/gqa/extract_vg_gqa_image.py -------------------------------------------------------------------------------- /data/gqa/merge_vg_gqa_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/gqa/merge_vg_gqa_image.py -------------------------------------------------------------------------------- /data/mscoco/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/mscoco/README.md -------------------------------------------------------------------------------- /data/mscoco/convert_coco_lmdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/mscoco/convert_coco_lmdb.py -------------------------------------------------------------------------------- /data/mscoco/convert_coco_lmdb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/mscoco/convert_coco_lmdb.sh -------------------------------------------------------------------------------- /data/mscoco/download_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/mscoco/download_data.sh -------------------------------------------------------------------------------- /data/mscoco/extract_captions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/mscoco/extract_captions.py -------------------------------------------------------------------------------- /data/mscoco/extract_captions.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/mscoco/extract_captions.sh -------------------------------------------------------------------------------- /data/mscoco/extract_coco_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/mscoco/extract_coco_image.py -------------------------------------------------------------------------------- /data/mscoco/merge_coco_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/mscoco/merge_coco_image.py -------------------------------------------------------------------------------- /data/mscoco/test1k_ids.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/mscoco/test1k_ids.txt -------------------------------------------------------------------------------- /data/nlvr2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/nlvr2/README.md -------------------------------------------------------------------------------- /data/nlvr2/convert_nlvr2_lmdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/nlvr2/convert_nlvr2_lmdb.py -------------------------------------------------------------------------------- /data/nlvr2/convert_nlvr2_lmdb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/nlvr2/convert_nlvr2_lmdb.sh -------------------------------------------------------------------------------- /data/nlvr2/download_captions.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/nlvr2/download_captions.sh -------------------------------------------------------------------------------- /data/nlvr2/extract_nlvr2_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/nlvr2/extract_nlvr2_image.py -------------------------------------------------------------------------------- /data/nlvr2/merge_nlvr2_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/nlvr2/merge_nlvr2_image.py -------------------------------------------------------------------------------- /data/refcoco+_unc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/refcoco+_unc/README.md -------------------------------------------------------------------------------- /data/refcoco+_unc/download_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/refcoco+_unc/download_data.sh -------------------------------------------------------------------------------- /data/refcoco+_unc/select_regions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/refcoco+_unc/select_regions.py -------------------------------------------------------------------------------- /data/refcoco+_unc/select_regions.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/refcoco+_unc/select_regions.sh -------------------------------------------------------------------------------- /data/refcoco_unc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/refcoco_unc/README.md -------------------------------------------------------------------------------- /data/refcoco_unc/download_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/refcoco_unc/download_data.sh -------------------------------------------------------------------------------- /data/refcoco_unc/select_regions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/refcoco_unc/select_regions.py -------------------------------------------------------------------------------- /data/refcoco_unc/select_regions.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/refcoco_unc/select_regions.sh -------------------------------------------------------------------------------- /data/refcocog_umd/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/refcocog_umd/README.md -------------------------------------------------------------------------------- /data/refcocog_umd/download_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/refcocog_umd/download_data.sh -------------------------------------------------------------------------------- /data/refcocog_umd/select_regions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/refcocog_umd/select_regions.py -------------------------------------------------------------------------------- /data/refcocog_umd/select_regions.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/refcocog_umd/select_regions.sh -------------------------------------------------------------------------------- /data/snap/pretrained/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /data/snli_ve/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/snli_ve/README.md -------------------------------------------------------------------------------- /data/vqa/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/data/vqa/README.md -------------------------------------------------------------------------------- /eval_retrieval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/eval_retrieval.py -------------------------------------------------------------------------------- /eval_task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/eval_task.py -------------------------------------------------------------------------------- /examples/ctrl_lxmert/concap/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_lxmert/concap/train.sh -------------------------------------------------------------------------------- /examples/ctrl_lxmert/flickr30k/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_lxmert/flickr30k/test.sh -------------------------------------------------------------------------------- /examples/ctrl_lxmert/flickr30k/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_lxmert/flickr30k/train.sh -------------------------------------------------------------------------------- /examples/ctrl_lxmert/nlvr2/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_lxmert/nlvr2/test.sh -------------------------------------------------------------------------------- /examples/ctrl_lxmert/nlvr2/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_lxmert/nlvr2/train.sh -------------------------------------------------------------------------------- /examples/ctrl_lxmert/refcoco+_unc/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_lxmert/refcoco+_unc/test.sh -------------------------------------------------------------------------------- /examples/ctrl_lxmert/refcoco+_unc/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_lxmert/refcoco+_unc/train.sh -------------------------------------------------------------------------------- /examples/ctrl_lxmert/vqa/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_lxmert/vqa/test.sh -------------------------------------------------------------------------------- /examples/ctrl_lxmert/vqa/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_lxmert/vqa/train.sh -------------------------------------------------------------------------------- /examples/ctrl_uniter/concap/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_uniter/concap/train.sh -------------------------------------------------------------------------------- /examples/ctrl_uniter/flickr30k/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_uniter/flickr30k/test.sh -------------------------------------------------------------------------------- /examples/ctrl_uniter/flickr30k/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_uniter/flickr30k/train.sh -------------------------------------------------------------------------------- /examples/ctrl_uniter/nlvr2/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_uniter/nlvr2/test.sh -------------------------------------------------------------------------------- /examples/ctrl_uniter/nlvr2/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_uniter/nlvr2/train.sh -------------------------------------------------------------------------------- /examples/ctrl_uniter/refcoco+_unc/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_uniter/refcoco+_unc/test.sh -------------------------------------------------------------------------------- /examples/ctrl_uniter/refcoco+_unc/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_uniter/refcoco+_unc/train.sh -------------------------------------------------------------------------------- /examples/ctrl_uniter/vqa/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_uniter/vqa/test.sh -------------------------------------------------------------------------------- /examples/ctrl_uniter/vqa/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_uniter/vqa/train.sh -------------------------------------------------------------------------------- /examples/ctrl_vilbert/concap/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vilbert/concap/train.sh -------------------------------------------------------------------------------- /examples/ctrl_vilbert/flickr30k/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vilbert/flickr30k/test.sh -------------------------------------------------------------------------------- /examples/ctrl_vilbert/flickr30k/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vilbert/flickr30k/train.sh -------------------------------------------------------------------------------- /examples/ctrl_vilbert/nlvr2/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vilbert/nlvr2/test.sh -------------------------------------------------------------------------------- /examples/ctrl_vilbert/nlvr2/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vilbert/nlvr2/train.sh -------------------------------------------------------------------------------- /examples/ctrl_vilbert/refcoco+_unc/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vilbert/refcoco+_unc/test.sh -------------------------------------------------------------------------------- /examples/ctrl_vilbert/refcoco+_unc/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vilbert/refcoco+_unc/train.sh -------------------------------------------------------------------------------- /examples/ctrl_vilbert/vqa/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vilbert/vqa/test.sh -------------------------------------------------------------------------------- /examples/ctrl_vilbert/vqa/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vilbert/vqa/train.sh -------------------------------------------------------------------------------- /examples/ctrl_visualbert/concap/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_visualbert/concap/train.sh -------------------------------------------------------------------------------- /examples/ctrl_visualbert/flickr30k/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_visualbert/flickr30k/test.sh -------------------------------------------------------------------------------- /examples/ctrl_visualbert/flickr30k/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_visualbert/flickr30k/train.sh -------------------------------------------------------------------------------- /examples/ctrl_visualbert/nlvr2/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_visualbert/nlvr2/test.sh -------------------------------------------------------------------------------- /examples/ctrl_visualbert/nlvr2/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_visualbert/nlvr2/train.sh -------------------------------------------------------------------------------- /examples/ctrl_visualbert/refcoco+_unc/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_visualbert/refcoco+_unc/test.sh -------------------------------------------------------------------------------- /examples/ctrl_visualbert/refcoco+_unc/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_visualbert/refcoco+_unc/train.sh -------------------------------------------------------------------------------- /examples/ctrl_visualbert/vqa/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_visualbert/vqa/test.sh -------------------------------------------------------------------------------- /examples/ctrl_visualbert/vqa/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_visualbert/vqa/train.sh -------------------------------------------------------------------------------- /examples/ctrl_vl-bert/concap/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vl-bert/concap/train.sh -------------------------------------------------------------------------------- /examples/ctrl_vl-bert/flickr30k/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vl-bert/flickr30k/test.sh -------------------------------------------------------------------------------- /examples/ctrl_vl-bert/flickr30k/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vl-bert/flickr30k/train.sh -------------------------------------------------------------------------------- /examples/ctrl_vl-bert/nlvr2/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vl-bert/nlvr2/test.sh -------------------------------------------------------------------------------- /examples/ctrl_vl-bert/nlvr2/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vl-bert/nlvr2/train.sh -------------------------------------------------------------------------------- /examples/ctrl_vl-bert/refcoco+_unc/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vl-bert/refcoco+_unc/test.sh -------------------------------------------------------------------------------- /examples/ctrl_vl-bert/refcoco+_unc/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vl-bert/refcoco+_unc/train.sh -------------------------------------------------------------------------------- /examples/ctrl_vl-bert/vqa/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vl-bert/vqa/test.sh -------------------------------------------------------------------------------- /examples/ctrl_vl-bert/vqa/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/ctrl_vl-bert/vqa/train.sh -------------------------------------------------------------------------------- /examples/lxmert/concap/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/lxmert/concap/train.sh -------------------------------------------------------------------------------- /examples/lxmert/gqa/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/lxmert/gqa/test.sh -------------------------------------------------------------------------------- /examples/lxmert/gqa/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/lxmert/gqa/train.sh -------------------------------------------------------------------------------- /examples/lxmert/nlvr2/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/lxmert/nlvr2/test.sh -------------------------------------------------------------------------------- /examples/lxmert/nlvr2/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/lxmert/nlvr2/train.sh -------------------------------------------------------------------------------- /examples/lxmert/vqa/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/lxmert/vqa/test.sh -------------------------------------------------------------------------------- /examples/lxmert/vqa/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/lxmert/vqa/train.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/id/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/id/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/id/1/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/id/1/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/id/10/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/id/10/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/id/10/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/id/10/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/id/10x2/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/id/10x2/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/id/10x2/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/id/10x2/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/id/2/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/id/2/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/id/2/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/id/2/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/id/4/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/id/4/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/id/4/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/id/4/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/tr/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/tr/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/tr/1/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/tr/1/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/tr/10/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/tr/10/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/tr/10/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/tr/10/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/tr/10x2/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/tr/10x2/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/tr/10x2/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/tr/10x2/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/tr/2/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/tr/2/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/tr/2/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/tr/2/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/tr/4/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/tr/4/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/tr/4/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/tr/4/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/zh/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/zh/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/zh/1/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/zh/1/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/zh/10/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/zh/10/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/zh/10/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/zh/10/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/zh/10x2/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/zh/10x2/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/zh/10x2/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/zh/10x2/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/zh/2/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/zh/2/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/zh/2/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/zh/2/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/zh/4/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/zh/4/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/marvl/zh/4/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/marvl/zh/4/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xflickrco/de/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xflickrco/de/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xflickrco/de/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xflickrco/de/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xflickrco/es/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xflickrco/es/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xflickrco/es/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xflickrco/es/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xflickrco/id/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xflickrco/id/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xflickrco/id/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xflickrco/id/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xflickrco/ja/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xflickrco/ja/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xflickrco/ja/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xflickrco/ja/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xflickrco/ru/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xflickrco/ru/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xflickrco/ru/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xflickrco/ru/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xflickrco/tr/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xflickrco/tr/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xflickrco/tr/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xflickrco/tr/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xflickrco/zh/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xflickrco/zh/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xflickrco/zh/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xflickrco/zh/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/bn/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/bn/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/bn/1/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/bn/1/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/bn/10/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/bn/10/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/bn/10/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/bn/10/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/bn/20/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/bn/20/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/bn/20/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/bn/20/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/bn/25/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/bn/25/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/bn/25/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/bn/25/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/bn/48/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/bn/48/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/bn/48/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/bn/48/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/bn/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/bn/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/bn/5/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/bn/5/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/de/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/de/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/de/1/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/de/1/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/de/10/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/de/10/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/de/10/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/de/10/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/de/20/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/de/20/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/de/20/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/de/20/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/de/25/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/de/25/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/de/25/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/de/25/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/de/48/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/de/48/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/de/48/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/de/48/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/de/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/de/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/de/5/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/de/5/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/en/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/en/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/en/1/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/en/1/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/en/10/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/en/10/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/en/10/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/en/10/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/en/20/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/en/20/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/en/20/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/en/20/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/en/25/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/en/25/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/en/25/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/en/25/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/en/48/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/en/48/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/en/48/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/en/48/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/en/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/en/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/en/5/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/en/5/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/id/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/id/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/id/1/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/id/1/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/id/10/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/id/10/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/id/10/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/id/10/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/id/20/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/id/20/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/id/20/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/id/20/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/id/25/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/id/25/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/id/25/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/id/25/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/id/48/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/id/48/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/id/48/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/id/48/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/id/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/id/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/id/5/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/id/5/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ko/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ko/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ko/1/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ko/1/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ko/10/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ko/10/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ko/10/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ko/10/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ko/20/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ko/20/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ko/20/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ko/20/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ko/25/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ko/25/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ko/25/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ko/25/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ko/48/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ko/48/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ko/48/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ko/48/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ko/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ko/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ko/5/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ko/5/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/pt/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/pt/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/pt/1/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/pt/1/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/pt/10/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/pt/10/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/pt/10/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/pt/10/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/pt/20/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/pt/20/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/pt/20/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/pt/20/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/pt/25/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/pt/25/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/pt/25/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/pt/25/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/pt/48/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/pt/48/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/pt/48/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/pt/48/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/pt/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/pt/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/pt/5/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/pt/5/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ru/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ru/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ru/1/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ru/1/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ru/10/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ru/10/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ru/10/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ru/10/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ru/20/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ru/20/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ru/20/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ru/20/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ru/25/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ru/25/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ru/25/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ru/25/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ru/48/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ru/48/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ru/48/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ru/48/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ru/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ru/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/ru/5/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/ru/5/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/zh/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/zh/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/zh/1/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/zh/1/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/zh/10/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/zh/10/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/zh/10/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/zh/10/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/zh/20/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/zh/20/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/zh/20/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/zh/20/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/zh/25/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/zh/25/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/zh/25/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/zh/25/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/zh/48/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/zh/48/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/zh/48/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/zh/48/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/zh/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/zh/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xgqa/zh/5/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xgqa/zh/5/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ar/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ar/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ar/1/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ar/1/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ar/10/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ar/10/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ar/10/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ar/10/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ar/20/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ar/20/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ar/20/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ar/20/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ar/25/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ar/25/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ar/25/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ar/25/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ar/48/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ar/48/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ar/48/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ar/48/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ar/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ar/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ar/5/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ar/5/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/es/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/es/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/es/1/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/es/1/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/es/10/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/es/10/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/es/10/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/es/10/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/es/20/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/es/20/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/es/20/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/es/20/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/es/25/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/es/25/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/es/25/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/es/25/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/es/48/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/es/48/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/es/48/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/es/48/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/es/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/es/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/es/5/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/es/5/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/fr/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/fr/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/fr/1/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/fr/1/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/fr/10/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/fr/10/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/fr/10/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/fr/10/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/fr/20/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/fr/20/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/fr/20/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/fr/20/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/fr/25/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/fr/25/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/fr/25/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/fr/25/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/fr/48/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/fr/48/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/fr/48/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/fr/48/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/fr/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/fr/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/fr/5/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/fr/5/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ru/1/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ru/1/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ru/1/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ru/1/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ru/10/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ru/10/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ru/10/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ru/10/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ru/20/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ru/20/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ru/20/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ru/20/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ru/25/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ru/25/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ru/25/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ru/25/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ru/48/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ru/48/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ru/48/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ru/48/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ru/5/test.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ru/5/test.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/few_shot/xvnli/ru/5/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/few_shot/xvnli/ru/5/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/marvl/test.en.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/marvl/test.en.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/marvl/test.id.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/marvl/test.id.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/marvl/test.id_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/marvl/test.id_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/marvl/test.sw.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/marvl/test.sw.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/marvl/test.sw_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/marvl/test.sw_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/marvl/test.ta.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/marvl/test.ta.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/marvl/test.ta_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/marvl/test.ta_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/marvl/test.tr.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/marvl/test.tr.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/marvl/test.tr_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/marvl/test.tr_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/marvl/test.zh.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/marvl/test.zh.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/marvl/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/marvl/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.ar.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.ar.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.ar_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.ar_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.bg.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.bg.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.bg_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.bg_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.da.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.da.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.da_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.da_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.el.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.el.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.el_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.el_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.en.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.en.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.et.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.et.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.et_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.et_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.id.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.id.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.id_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.id_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.ja.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.ja.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.ja_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.ja_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.ko.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.ko.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.ko_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.ko_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.tr.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.tr.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.tr_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.tr_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.vi.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.vi.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/test.vi_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/test.vi_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/wit/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/wit/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xflickrco/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xflickrco/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xgqa/test.bn.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xgqa/test.bn.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xgqa/test.bn_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xgqa/test.bn_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xgqa/test.de.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xgqa/test.de.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xgqa/test.de_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xgqa/test.de_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xgqa/test.en.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xgqa/test.en.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xgqa/test.id.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xgqa/test.id.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xgqa/test.id_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xgqa/test.id_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xgqa/test.ko.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xgqa/test.ko.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xgqa/test.ko_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xgqa/test.ko_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xgqa/test.pt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xgqa/test.pt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xgqa/test.pt_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xgqa/test.pt_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xgqa/test.ru.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xgqa/test.ru.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xgqa/test.ru_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xgqa/test.ru_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xgqa/test.zh.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xgqa/test.zh.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xgqa/test.zh_mt.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xgqa/test.zh_mt.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xgqa/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xgqa/train.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xvnli/test.ar.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xvnli/test.ar.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xvnli/test.en.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xvnli/test.en.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xvnli/test.es.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xvnli/test.es.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xvnli/test.fr.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xvnli/test.fr.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xvnli/test.ru.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xvnli/test.ru.dtu.sh -------------------------------------------------------------------------------- /examples/uc2/zero_shot/xvnli/train.dtu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/uc2/zero_shot/xvnli/train.dtu.sh -------------------------------------------------------------------------------- /examples/vilbert/concap/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/concap/train.sh -------------------------------------------------------------------------------- /examples/vilbert/flickr30k/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/flickr30k/test.sh -------------------------------------------------------------------------------- /examples/vilbert/flickr30k/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/flickr30k/train.sh -------------------------------------------------------------------------------- /examples/vilbert/gqa/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/gqa/test.sh -------------------------------------------------------------------------------- /examples/vilbert/gqa/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/gqa/train.sh -------------------------------------------------------------------------------- /examples/vilbert/mscoco/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/mscoco/test.sh -------------------------------------------------------------------------------- /examples/vilbert/mscoco/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/mscoco/train.sh -------------------------------------------------------------------------------- /examples/vilbert/nlvr2/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/nlvr2/test.sh -------------------------------------------------------------------------------- /examples/vilbert/nlvr2/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/nlvr2/train.sh -------------------------------------------------------------------------------- /examples/vilbert/refcoco+_unc/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/refcoco+_unc/test.sh -------------------------------------------------------------------------------- /examples/vilbert/refcoco+_unc/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/refcoco+_unc/train.sh -------------------------------------------------------------------------------- /examples/vilbert/refcoco_unc/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/refcoco_unc/test.sh -------------------------------------------------------------------------------- /examples/vilbert/refcoco_unc/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/refcoco_unc/train.sh -------------------------------------------------------------------------------- /examples/vilbert/refcocog_umd/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/refcocog_umd/test.sh -------------------------------------------------------------------------------- /examples/vilbert/refcocog_umd/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/refcocog_umd/train.sh -------------------------------------------------------------------------------- /examples/vilbert/snli_ve/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/snli_ve/test.sh -------------------------------------------------------------------------------- /examples/vilbert/snli_ve/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/snli_ve/train.sh -------------------------------------------------------------------------------- /examples/vilbert/vqa/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/vqa/test.sh -------------------------------------------------------------------------------- /examples/vilbert/vqa/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vilbert/vqa/train.sh -------------------------------------------------------------------------------- /examples/vl-bert/concap/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vl-bert/concap/train.sh -------------------------------------------------------------------------------- /examples/vl-bert/refcoco+_unc/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vl-bert/refcoco+_unc/test.sh -------------------------------------------------------------------------------- /examples/vl-bert/refcoco+_unc/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vl-bert/refcoco+_unc/train.sh -------------------------------------------------------------------------------- /examples/vl-bert/vqa/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vl-bert/vqa/test.sh -------------------------------------------------------------------------------- /examples/vl-bert/vqa/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/examples/vl-bert/vqa/train.sh -------------------------------------------------------------------------------- /features_extraction/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/README.md -------------------------------------------------------------------------------- /features_extraction/h5_to_lmdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/h5_to_lmdb.py -------------------------------------------------------------------------------- /features_extraction/h5_to_td-lmdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/h5_to_td-lmdb.py -------------------------------------------------------------------------------- /features_extraction/large_tsv_to_h5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/large_tsv_to_h5.py -------------------------------------------------------------------------------- /features_extraction/mmf/.circleci/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/.circleci/config.yml -------------------------------------------------------------------------------- /features_extraction/mmf/.editorconfig: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/.editorconfig -------------------------------------------------------------------------------- /features_extraction/mmf/.flake8: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/.flake8 -------------------------------------------------------------------------------- /features_extraction/mmf/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/.gitignore -------------------------------------------------------------------------------- /features_extraction/mmf/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/LICENSE -------------------------------------------------------------------------------- /features_extraction/mmf/MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/MANIFEST.in -------------------------------------------------------------------------------- /features_extraction/mmf/NOTICES: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/NOTICES -------------------------------------------------------------------------------- /features_extraction/mmf/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/README.md -------------------------------------------------------------------------------- /features_extraction/mmf/detectron_model.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/detectron_model.yaml -------------------------------------------------------------------------------- /features_extraction/mmf/docs/.gitignore: -------------------------------------------------------------------------------- 1 | # Needed to ignore pytorch_sphinx_theme requirement clone 2 | src 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/docs/Makefile -------------------------------------------------------------------------------- /features_extraction/mmf/docs/license_header.txt: -------------------------------------------------------------------------------- 1 | Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/docs/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/docs/requirements.txt -------------------------------------------------------------------------------- /features_extraction/mmf/docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/docs/source/conf.py -------------------------------------------------------------------------------- /features_extraction/mmf/docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/docs/source/index.rst -------------------------------------------------------------------------------- /features_extraction/mmf/github/cocoapi/PythonAPI/pycocotools/__init__.py: -------------------------------------------------------------------------------- 1 | __author__ = 'tylin' 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/github/vqa-maskrcnn-benchmark/maskrcnn_benchmark/modeling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /features_extraction/mmf/github/vqa-maskrcnn-benchmark/maskrcnn_benchmark/modeling/roi_heads/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /features_extraction/mmf/github/vqa-maskrcnn-benchmark/maskrcnn_benchmark/modeling/roi_heads/box_head/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /features_extraction/mmf/github/vqa-maskrcnn-benchmark/maskrcnn_benchmark/modeling/roi_heads/mask_head/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /features_extraction/mmf/github/vqa-maskrcnn-benchmark/maskrcnn_benchmark/structures/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /features_extraction/mmf/github/vqa-maskrcnn-benchmark/maskrcnn_benchmark/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /features_extraction/mmf/img_tensor.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/img_tensor.pkl -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/__init__.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/common/meter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/common/meter.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/common/report.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/common/report.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/common/sample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/common/sample.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/common/typings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/common/typings.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/configs/models/fusions/defaults.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./concat_bert.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/configs/models/lxmert/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - configs/models/lxmert/defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/configs/models/mmbt/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/configs/models/vilbert/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - configs/models/vilbert/defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/configs/models/visual_bert/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - configs/models/visual_bert/defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/charades/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/clevr/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/coco2017/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/flickr30k/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/glue/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/hateful_memes/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/localized_narratives/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/mmimdb/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/nlvr2/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/ocrvqa/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/okvqa/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/stvqa/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/textcaps/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/textvqa/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/visual_dialog/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/visual_entailment/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/visual_genome/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/builders/vqacp_v2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/datasets/databases/readers/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/models/ban.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/models/ban.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/models/butd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/models/butd.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/models/frcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/models/frcnn.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/models/fusions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/models/fusions.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/models/interfaces/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/models/krisp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/models/krisp.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/models/lorra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/models/lorra.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/models/lxmert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/models/lxmert.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/models/m4c.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/models/m4c.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/models/mmbt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/models/mmbt.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/models/pythia.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/models/pythia.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/models/vilbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/models/vilbert.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/modules/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/modules/layers.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/modules/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/modules/losses.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/hateful_memes/configs/vilbert/direct.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/krisp/requirements.txt: -------------------------------------------------------------------------------- 1 | networkx 2 | torch_geometric 3 | gensim 4 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/m4c/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/m4c_captioner/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/others/mmf_bert/configs/masked_coco/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/others/mmf_bert/configs/masked_conceptual_captions/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/others/mmf_bert/configs/masked_vqa2/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/pretrain_vl_right/configs/vilbert/masked_coco/full.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/pretrain_vl_right/configs/vilbert/masked_vqa2/full.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/pretrain_vl_right/configs/visual_bert/masked_coco/full.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/pretrain_vl_right/configs/visual_bert/masked_vqa2/full.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/vilbert/configs/hateful_memes/direct.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/vilbert/configs/masked_coco/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/vilbert/configs/masked_conceptual_captions/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/vilbert/configs/masked_vqa2/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/vilbert/configs/mmimdb/pretrain.yaml: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/visual_bert/configs/masked_coco/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/visual_bert/configs/masked_conceptual_captions/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/visual_bert/configs/masked_sbu/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/projects/visual_bert/configs/masked_vqa2/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/trainers/callbacks/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/trainers/core/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/trainers/lightning_core/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/utils/box_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/utils/box_ops.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/utils/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/utils/build.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/utils/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/utils/dataset.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/utils/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/utils/download.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/utils/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/utils/env.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/utils/features/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/utils/file_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/utils/file_io.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/utils/flags.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/utils/flags.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/utils/general.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/utils/general.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/utils/logger.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/utils/modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/utils/modeling.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/utils/patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/utils/patch.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/utils/text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/utils/text.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/utils/timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/utils/timer.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/utils/vocab.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/utils/vocab.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/utils/xla.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/utils/xla.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf/version.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf_cli/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/mmf_cli/hm_convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf_cli/hm_convert.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf_cli/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf_cli/predict.py -------------------------------------------------------------------------------- /features_extraction/mmf/mmf_cli/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/mmf_cli/run.py -------------------------------------------------------------------------------- /features_extraction/mmf/projects/hateful_memes/configs/vilbert/direct.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/krisp/requirements.txt: -------------------------------------------------------------------------------- 1 | networkx 2 | torch_geometric 3 | gensim 4 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/m4c/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/m4c_captioner/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/others/mmf_bert/configs/masked_coco/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/others/mmf_bert/configs/masked_conceptual_captions/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/others/mmf_bert/configs/masked_vqa2/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/pretrain_vl_right/configs/vilbert/masked_coco/full.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/pretrain_vl_right/configs/vilbert/masked_vqa2/full.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/pretrain_vl_right/configs/visual_bert/masked_coco/full.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/pretrain_vl_right/configs/visual_bert/masked_vqa2/full.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/vilbert/configs/hateful_memes/direct.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/vilbert/configs/masked_coco/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/vilbert/configs/masked_conceptual_captions/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/vilbert/configs/masked_vqa2/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/vilbert/configs/mmimdb/pretrain.yaml: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/visual_bert/configs/masked_coco/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/visual_bert/configs/masked_conceptual_captions/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/visual_bert/configs/masked_sbu/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/projects/visual_bert/configs/masked_vqa2/pretrain.yaml: -------------------------------------------------------------------------------- 1 | includes: 2 | - ./defaults.yaml 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/pyproject.toml -------------------------------------------------------------------------------- /features_extraction/mmf/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/requirements.txt -------------------------------------------------------------------------------- /features_extraction/mmf/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/setup.py -------------------------------------------------------------------------------- /features_extraction/mmf/tests/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/tests/common/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/tests/configs/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/tests/conftest.py -------------------------------------------------------------------------------- /features_extraction/mmf/tests/data/user_dir/configs/always_one.yaml: -------------------------------------------------------------------------------- 1 | dataset_config: 2 | always_one: {} 3 | -------------------------------------------------------------------------------- /features_extraction/mmf/tests/data/vocab.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/tests/data/vocab.txt -------------------------------------------------------------------------------- /features_extraction/mmf/tests/datasets/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/tests/models/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/tests/models/interfaces/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/tests/models/transformers/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/tests/modules/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/tests/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/tests/test_utils.py -------------------------------------------------------------------------------- /features_extraction/mmf/tests/trainers/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/tests/trainers/callbacks/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/tests/trainers/lightning/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/tests/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/tools/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/tools/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/website/.eslintignore: -------------------------------------------------------------------------------- 1 | .docusaurus 2 | static/api 3 | build/ 4 | -------------------------------------------------------------------------------- /features_extraction/mmf/website/.eslintrc.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/website/.eslintrc.js -------------------------------------------------------------------------------- /features_extraction/mmf/website/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/website/.gitignore -------------------------------------------------------------------------------- /features_extraction/mmf/website/.prettierignore: -------------------------------------------------------------------------------- 1 | node_modules 2 | build 3 | .docusaurus 4 | static/api 5 | -------------------------------------------------------------------------------- /features_extraction/mmf/website/.prettierrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/website/.prettierrc -------------------------------------------------------------------------------- /features_extraction/mmf/website/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/website/README.md -------------------------------------------------------------------------------- /features_extraction/mmf/website/build_docs.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/website/build_docs.sh -------------------------------------------------------------------------------- /features_extraction/mmf/website/package.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/website/package.json -------------------------------------------------------------------------------- /features_extraction/mmf/website/sidebars.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/website/sidebars.js -------------------------------------------------------------------------------- /features_extraction/mmf/website/static/.nojekyll: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /features_extraction/mmf/website/static/CNAME: -------------------------------------------------------------------------------- 1 | mmf.sh 2 | -------------------------------------------------------------------------------- /features_extraction/mmf/website/yarn.lock: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/mmf/website/yarn.lock -------------------------------------------------------------------------------- /features_extraction/npy_to_lmdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/npy_to_lmdb.py -------------------------------------------------------------------------------- /features_extraction/py-bottom-up-attention/docs/.gitignore: -------------------------------------------------------------------------------- 1 | _build 2 | -------------------------------------------------------------------------------- /features_extraction/py-bottom-up-attention/tests/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved 2 | -------------------------------------------------------------------------------- /features_extraction/tsv_to_h5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/features_extraction/tsv_to_h5.py -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/requirements.txt -------------------------------------------------------------------------------- /scripts/GQA_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/scripts/GQA_score.py -------------------------------------------------------------------------------- /scripts/Retrieval_visualization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/scripts/Retrieval_visualization.ipynb -------------------------------------------------------------------------------- /scripts/VCR_Q_AR_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/scripts/VCR_Q_AR_evaluation.py -------------------------------------------------------------------------------- /scripts/VCR_submission.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/scripts/VCR_submission.py -------------------------------------------------------------------------------- /scripts/generate_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/scripts/generate_pool.py -------------------------------------------------------------------------------- /scripts/refer_expression.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/scripts/refer_expression.ipynb -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/setup.py -------------------------------------------------------------------------------- /tools/refer/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/.gitignore -------------------------------------------------------------------------------- /tools/refer/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/LICENSE -------------------------------------------------------------------------------- /tools/refer/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/Makefile -------------------------------------------------------------------------------- /tools/refer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/README.md -------------------------------------------------------------------------------- /tools/refer/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/data/README.md -------------------------------------------------------------------------------- /tools/refer/evaluation/__init__.py: -------------------------------------------------------------------------------- 1 | __author__ = 'licheng' 2 | 3 | 4 | -------------------------------------------------------------------------------- /tools/refer/evaluation/bleu/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/evaluation/bleu/LICENSE -------------------------------------------------------------------------------- /tools/refer/evaluation/bleu/__init__.py: -------------------------------------------------------------------------------- 1 | __author__ = 'tylin' 2 | -------------------------------------------------------------------------------- /tools/refer/evaluation/bleu/bleu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/evaluation/bleu/bleu.py -------------------------------------------------------------------------------- /tools/refer/evaluation/bleu/bleu_scorer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/evaluation/bleu/bleu_scorer.py -------------------------------------------------------------------------------- /tools/refer/evaluation/cider/__init__.py: -------------------------------------------------------------------------------- 1 | __author__ = 'tylin' 2 | -------------------------------------------------------------------------------- /tools/refer/evaluation/cider/cider.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/evaluation/cider/cider.py -------------------------------------------------------------------------------- /tools/refer/evaluation/cider/cider_scorer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/evaluation/cider/cider_scorer.py -------------------------------------------------------------------------------- /tools/refer/evaluation/meteor/__init__.py: -------------------------------------------------------------------------------- 1 | __author__ = 'tylin' 2 | -------------------------------------------------------------------------------- /tools/refer/evaluation/meteor/meteor-1.5.jar: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/evaluation/meteor/meteor-1.5.jar -------------------------------------------------------------------------------- /tools/refer/evaluation/meteor/meteor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/evaluation/meteor/meteor.py -------------------------------------------------------------------------------- /tools/refer/evaluation/readme.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/evaluation/readme.txt -------------------------------------------------------------------------------- /tools/refer/evaluation/refEvaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/evaluation/refEvaluation.py -------------------------------------------------------------------------------- /tools/refer/evaluation/rouge/__init__.py: -------------------------------------------------------------------------------- 1 | __author__ = 'vrama91' 2 | -------------------------------------------------------------------------------- /tools/refer/evaluation/rouge/rouge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/evaluation/rouge/rouge.py -------------------------------------------------------------------------------- /tools/refer/evaluation/tokenizer/__init__.py: -------------------------------------------------------------------------------- 1 | __author__ = 'hfang' 2 | -------------------------------------------------------------------------------- /tools/refer/external/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/external/.gitignore -------------------------------------------------------------------------------- /tools/refer/external/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/external/README.md -------------------------------------------------------------------------------- /tools/refer/external/__init__.py: -------------------------------------------------------------------------------- 1 | __author__ = 'tylin' 2 | -------------------------------------------------------------------------------- /tools/refer/external/_mask.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/external/_mask.pyx -------------------------------------------------------------------------------- /tools/refer/external/mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/external/mask.py -------------------------------------------------------------------------------- /tools/refer/external/maskApi.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/external/maskApi.c -------------------------------------------------------------------------------- /tools/refer/external/maskApi.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/external/maskApi.h -------------------------------------------------------------------------------- /tools/refer/pyEvalDemo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/pyEvalDemo.ipynb -------------------------------------------------------------------------------- /tools/refer/pyReferDemo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/pyReferDemo.ipynb -------------------------------------------------------------------------------- /tools/refer/refer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/refer.py -------------------------------------------------------------------------------- /tools/refer/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/tools/refer/setup.py -------------------------------------------------------------------------------- /train_concap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/train_concap.py -------------------------------------------------------------------------------- /train_concap_wiki.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/train_concap_wiki.py -------------------------------------------------------------------------------- /train_task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/train_task.py -------------------------------------------------------------------------------- /volta/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/__init__.py -------------------------------------------------------------------------------- /volta/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/config.py -------------------------------------------------------------------------------- /volta/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/__init__.py -------------------------------------------------------------------------------- /volta/datasets/_all_image_features_reader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/_all_image_features_reader.py -------------------------------------------------------------------------------- /volta/datasets/_image_features_reader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/_image_features_reader.py -------------------------------------------------------------------------------- /volta/datasets/concept_cap_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/concept_cap_dataset.py -------------------------------------------------------------------------------- /volta/datasets/flickr30ke_ablation_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/flickr30ke_ablation_dataset.py -------------------------------------------------------------------------------- /volta/datasets/flickr_grounding_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/flickr_grounding_dataset.py -------------------------------------------------------------------------------- /volta/datasets/gqa_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/gqa_dataset.py -------------------------------------------------------------------------------- /volta/datasets/guesswhat_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/guesswhat_dataset.py -------------------------------------------------------------------------------- /volta/datasets/guesswhat_pointing_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/guesswhat_pointing_dataset.py -------------------------------------------------------------------------------- /volta/datasets/nlvr2_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/nlvr2_dataset.py -------------------------------------------------------------------------------- /volta/datasets/refer_dense_caption.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/refer_dense_caption.py -------------------------------------------------------------------------------- /volta/datasets/refer_expression_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/refer_expression_dataset.py -------------------------------------------------------------------------------- /volta/datasets/retrieval_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/retrieval_dataset.py -------------------------------------------------------------------------------- /volta/datasets/vcr_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/vcr_dataset.py -------------------------------------------------------------------------------- /volta/datasets/visdial_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/visdial_dataset.py -------------------------------------------------------------------------------- /volta/datasets/vismadlibs_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/vismadlibs_dataset.py -------------------------------------------------------------------------------- /volta/datasets/visual7w_pointing_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/visual7w_pointing_dataset.py -------------------------------------------------------------------------------- /volta/datasets/visual_entailment_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/visual_entailment_dataset.py -------------------------------------------------------------------------------- /volta/datasets/visual_genome_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/visual_genome_dataset.py -------------------------------------------------------------------------------- /volta/datasets/vqa_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/vqa_dataset.py -------------------------------------------------------------------------------- /volta/datasets/wikipedias_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/datasets/wikipedias_dataset.py -------------------------------------------------------------------------------- /volta/embeddings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/embeddings.py -------------------------------------------------------------------------------- /volta/encoders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/encoders.py -------------------------------------------------------------------------------- /volta/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/losses.py -------------------------------------------------------------------------------- /volta/m3p_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/m3p_transformer.py -------------------------------------------------------------------------------- /volta/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/optimization.py -------------------------------------------------------------------------------- /volta/task_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/task_utils.py -------------------------------------------------------------------------------- /volta/train_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/train_utils.py -------------------------------------------------------------------------------- /volta/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/e-bug/volta/HEAD/volta/utils.py --------------------------------------------------------------------------------