├── .idea ├── VR-Baseline.iml ├── inspectionProfiles │ ├── Project_Default.xml │ └── profiles_settings.xml ├── misc.xml └── modules.xml ├── CITATION.cff ├── LICENSE ├── MANIFEST.in ├── README.md ├── configs ├── FGST_deblur_dvd.py ├── FGST_deblur_dvd_test.py ├── FGST_deblur_gopro.py ├── FGST_deblur_gopro_test.py ├── S2SVR_deblur_gopro.py ├── S2SVR_sr_reds4.py ├── S2SVR_sr_vimeo.py └── metafile.yml ├── data ├── DVD_test.txt ├── DVD_train.txt ├── GoPro_test.txt └── GoPro_train.txt ├── data_preparation ├── DVD_Util.py └── GoPro_Util.py ├── demo └── restoration_video_demo.py ├── docker └── Dockerfile ├── figure ├── blur2sharp.gif ├── compressed2enhanced.gif ├── lr2sr.gif └── ntire.png ├── mmedit ├── __init__.py ├── apis │ ├── __init__.py │ ├── generation_inference.py │ ├── inpainting_inference.py │ ├── matting_inference.py │ ├── restoration_face_inference.py │ ├── restoration_inference.py │ ├── restoration_video_inference.py │ ├── test.py │ ├── train.py │ └── video_interpolation_inference.py ├── core │ ├── __init__.py │ ├── distributed_wrapper.py │ ├── evaluation │ │ ├── __init__.py │ │ ├── eval_hooks.py │ │ ├── metric_utils.py │ │ ├── metrics.py │ │ └── niqe_pris_params.npz │ ├── export │ │ ├── __init__.py │ │ └── wrappers.py │ ├── hooks │ │ ├── __init__.py │ │ ├── ema.py │ │ └── visualization.py │ ├── mask.py │ ├── misc.py │ ├── optimizer │ │ ├── __init__.py │ │ └── builder.py │ ├── scheduler │ │ ├── __init__.py │ │ └── lr_updater.py │ └── utils │ │ ├── __init__.py │ │ └── dist_utils.py ├── datasets │ ├── __init__.py │ ├── base_dataset.py │ ├── base_sr_dataset.py │ ├── builder.py │ ├── dataset_wrappers.py │ ├── pipelines │ │ ├── __init__.py │ │ ├── augmentation.py │ │ ├── blur_kernels.py │ │ ├── compose.py │ │ ├── crop.py │ │ ├── formating.py │ │ ├── generate_assistant.py │ │ ├── loading.py │ │ ├── matlab_like_resize.py │ │ ├── matting_aug.py │ │ ├── normalization.py │ │ ├── random_degradations.py │ │ ├── random_down_sampling.py │ │ └── utils.py │ ├── registry.py │ ├── samplers │ │ ├── __init__.py │ │ └── distributed_sampler.py │ ├── sr_folder_multiple_gt_dataset.py │ ├── sr_reds_multiple_gt_dataset.py │ └── sr_vimeo90k_multiple_gt_dataset.py ├── models │ ├── __init__.py │ ├── backbones │ │ ├── __init__.py │ │ └── sr_backbones │ │ │ ├── FGST.py │ │ │ ├── FGST_util.py │ │ │ ├── S2SVR.py │ │ │ ├── S2SVR_util.py │ │ │ ├── __init__.py │ │ │ ├── basicvsr_net.py │ │ │ ├── correlation.py │ │ │ └── pwclite.py │ ├── base.py │ ├── builder.py │ ├── common │ │ ├── __init__.py │ │ ├── aspp.py │ │ ├── contextual_attention.py │ │ ├── conv.py │ │ ├── downsample.py │ │ ├── ensemble.py │ │ ├── flow_warp.py │ │ ├── gated_conv_module.py │ │ ├── gca_module.py │ │ ├── generation_model_utils.py │ │ ├── img_normalize.py │ │ ├── linear_module.py │ │ ├── mask_conv_module.py │ │ ├── model_utils.py │ │ ├── partial_conv.py │ │ ├── separable_conv_module.py │ │ ├── sr_backbone_utils.py │ │ └── upsample.py │ ├── losses │ │ ├── __init__.py │ │ ├── gan_loss.py │ │ ├── perceptual_loss.py │ │ ├── pixelwise_loss.py │ │ └── utils.py │ ├── registry.py │ └── restorers │ │ ├── __init__.py │ │ ├── basic_restorer.py │ │ └── basicvsr.py ├── utils │ ├── __init__.py │ ├── cli.py │ ├── collect_env.py │ ├── logger.py │ └── setup_env.py └── version.py ├── model-index.yml ├── pretrained_models └── pwclite.tar ├── requirements.txt ├── requirements ├── docs.txt ├── readthedocs.txt ├── runtime.txt └── tests.txt ├── setup.cfg ├── setup.py ├── tests ├── test_data │ ├── test_datasets │ │ ├── test_generation_datasets.py │ │ ├── test_matting_datasets.py │ │ ├── test_repeat_dataset.py │ │ ├── test_sr_dataset.py │ │ └── test_vfi_dataset.py │ └── test_pipelines │ │ ├── test_augmentation.py │ │ ├── test_compose.py │ │ ├── test_crop.py │ │ ├── test_formating.py │ │ ├── test_generate_assistant.py │ │ ├── test_loading.py │ │ ├── test_matlab_resize.py │ │ ├── test_normalization.py │ │ ├── test_pipeline_utils.py │ │ ├── test_random_degradations.py │ │ ├── test_random_down_sampling.py │ │ └── test_trimap.py ├── test_inference.py ├── test_metrics │ └── test_metrics.py ├── test_models │ ├── test_backbones │ │ ├── test_encoder_decoders │ │ │ ├── test_aot_model.py │ │ │ ├── test_decoders.py │ │ │ ├── test_deepfill_decoder.py │ │ │ ├── test_deepfill_encdec.py │ │ │ ├── test_deepfill_encoder.py │ │ │ ├── test_encoder_decoder.py │ │ │ ├── test_encoders.py │ │ │ ├── test_gl_model.py │ │ │ └── test_pconv_encdec.py │ │ ├── test_generation_backbones │ │ │ └── test_generators.py │ │ ├── test_sr_backbones │ │ │ ├── test_basicvsr_net.py │ │ │ ├── test_basicvsr_plusplus.py │ │ │ ├── test_dic_net.py │ │ │ ├── test_duf.py │ │ │ ├── test_edvr_net.py │ │ │ ├── test_glean_net.py │ │ │ ├── test_iconvsr.py │ │ │ ├── test_liif_net.py │ │ │ ├── test_rdn.py │ │ │ ├── test_real_basicvsr_net.py │ │ │ ├── test_sr_backbones.py │ │ │ ├── test_tdan_net.py │ │ │ └── test_tof.py │ │ └── test_vfi_backbones │ │ │ ├── test_cain_net.py │ │ │ └── test_tof_vfi_net.py │ ├── test_base_model.py │ ├── test_common │ │ ├── test_common_module.py │ │ ├── test_ensemble.py │ │ ├── test_flow_warp.py │ │ ├── test_img_normalize.py │ │ ├── test_model_utils.py │ │ └── test_sampling.py │ ├── test_components │ │ ├── test_discriminators │ │ │ ├── test_deepfill_disc.py │ │ │ ├── test_discriminators.py │ │ │ ├── test_light_cnn.py │ │ │ ├── test_multi_layer_disc.py │ │ │ └── test_unet_disc.py │ │ ├── test_refiners │ │ │ ├── test_deepfill_refiner.py │ │ │ ├── test_matting_refiners.py │ │ │ └── test_mlp_refiner.py │ │ └── test_stylegan2.py │ ├── test_extractors │ │ ├── test_feedback_hour_glass.py │ │ └── test_lte.py │ ├── test_inpaintors │ │ ├── test_aot_inpaintor.py │ │ ├── test_deepfill_inpaintor.py │ │ ├── test_gl_inpaintor.py │ │ ├── test_one_stage_inpaintor.py │ │ ├── test_pconv_inpaintor.py │ │ └── test_two_stage_inpaintor.py │ ├── test_losses │ │ ├── test_feature_loss.py │ │ └── test_losses.py │ ├── test_mattors │ │ └── test_mattors.py │ ├── test_restorers │ │ ├── test_basic_restorer.py │ │ ├── test_basicvsr_model.py │ │ ├── test_dic_model.py │ │ ├── test_edvr_model.py │ │ ├── test_esrgan.py │ │ ├── test_glean.py │ │ ├── test_liif.py │ │ ├── test_real_basicvsr.py │ │ ├── test_real_esrgan.py │ │ ├── test_srgan.py │ │ ├── test_tdan.py │ │ └── test_ttsr.py │ ├── test_synthesizers │ │ └── test_cyclegan.py │ ├── test_transformer │ │ └── test_search_transformer.py │ └── test_video_interpolator │ │ ├── test_basic_interpolator.py │ │ └── test_cain.py ├── test_runtime │ ├── test_apis.py │ ├── test_dataset_builder.py │ ├── test_ema_hook.py │ ├── test_eval_hook.py │ ├── test_optimizer.py │ └── test_visual_hook.py └── test_utils │ ├── test_mask_generation.py │ ├── test_modify_args.py │ ├── test_onnx_wraper.py │ ├── test_pix2pix.py │ ├── test_setup_env.py │ └── test_tensor2img.py └── tools ├── deploy_test.py ├── deployment ├── mmedit2torchserve.py ├── mmedit_handler.py └── test_torchserver.py ├── dist_test.sh ├── dist_train.sh ├── evaluate_comp1k.py ├── get_flops.py ├── onnx2tensorrt.py ├── publish_model.py ├── pytorch2onnx.py ├── slurm_test.sh ├── slurm_train.sh ├── test.py ├── test_lj.py └── train.py /.idea/VR-Baseline.iml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/.idea/VR-Baseline.iml -------------------------------------------------------------------------------- /.idea/inspectionProfiles/Project_Default.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/.idea/inspectionProfiles/Project_Default.xml -------------------------------------------------------------------------------- /.idea/inspectionProfiles/profiles_settings.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/.idea/inspectionProfiles/profiles_settings.xml -------------------------------------------------------------------------------- /.idea/misc.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/.idea/misc.xml -------------------------------------------------------------------------------- /.idea/modules.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/.idea/modules.xml -------------------------------------------------------------------------------- /CITATION.cff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/CITATION.cff -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/LICENSE -------------------------------------------------------------------------------- /MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/MANIFEST.in -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/README.md -------------------------------------------------------------------------------- /configs/FGST_deblur_dvd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/configs/FGST_deblur_dvd.py -------------------------------------------------------------------------------- /configs/FGST_deblur_dvd_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/configs/FGST_deblur_dvd_test.py -------------------------------------------------------------------------------- /configs/FGST_deblur_gopro.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/configs/FGST_deblur_gopro.py -------------------------------------------------------------------------------- /configs/FGST_deblur_gopro_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/configs/FGST_deblur_gopro_test.py -------------------------------------------------------------------------------- /configs/S2SVR_deblur_gopro.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/configs/S2SVR_deblur_gopro.py -------------------------------------------------------------------------------- /configs/S2SVR_sr_reds4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/configs/S2SVR_sr_reds4.py -------------------------------------------------------------------------------- /configs/S2SVR_sr_vimeo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/configs/S2SVR_sr_vimeo.py -------------------------------------------------------------------------------- /configs/metafile.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/configs/metafile.yml -------------------------------------------------------------------------------- /data/DVD_test.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/data/DVD_test.txt -------------------------------------------------------------------------------- /data/DVD_train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/data/DVD_train.txt -------------------------------------------------------------------------------- /data/GoPro_test.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/data/GoPro_test.txt -------------------------------------------------------------------------------- /data/GoPro_train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/data/GoPro_train.txt -------------------------------------------------------------------------------- /data_preparation/DVD_Util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/data_preparation/DVD_Util.py -------------------------------------------------------------------------------- /data_preparation/GoPro_Util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/data_preparation/GoPro_Util.py -------------------------------------------------------------------------------- /demo/restoration_video_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/demo/restoration_video_demo.py -------------------------------------------------------------------------------- /docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/docker/Dockerfile -------------------------------------------------------------------------------- /figure/blur2sharp.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/figure/blur2sharp.gif -------------------------------------------------------------------------------- /figure/compressed2enhanced.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/figure/compressed2enhanced.gif -------------------------------------------------------------------------------- /figure/lr2sr.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/figure/lr2sr.gif -------------------------------------------------------------------------------- /figure/ntire.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/figure/ntire.png -------------------------------------------------------------------------------- /mmedit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/__init__.py -------------------------------------------------------------------------------- /mmedit/apis/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/apis/__init__.py -------------------------------------------------------------------------------- /mmedit/apis/generation_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/apis/generation_inference.py -------------------------------------------------------------------------------- /mmedit/apis/inpainting_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/apis/inpainting_inference.py -------------------------------------------------------------------------------- /mmedit/apis/matting_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/apis/matting_inference.py -------------------------------------------------------------------------------- /mmedit/apis/restoration_face_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/apis/restoration_face_inference.py -------------------------------------------------------------------------------- /mmedit/apis/restoration_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/apis/restoration_inference.py -------------------------------------------------------------------------------- /mmedit/apis/restoration_video_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/apis/restoration_video_inference.py -------------------------------------------------------------------------------- /mmedit/apis/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/apis/test.py -------------------------------------------------------------------------------- /mmedit/apis/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/apis/train.py -------------------------------------------------------------------------------- /mmedit/apis/video_interpolation_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/apis/video_interpolation_inference.py -------------------------------------------------------------------------------- /mmedit/core/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/__init__.py -------------------------------------------------------------------------------- /mmedit/core/distributed_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/distributed_wrapper.py -------------------------------------------------------------------------------- /mmedit/core/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/evaluation/__init__.py -------------------------------------------------------------------------------- /mmedit/core/evaluation/eval_hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/evaluation/eval_hooks.py -------------------------------------------------------------------------------- /mmedit/core/evaluation/metric_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/evaluation/metric_utils.py -------------------------------------------------------------------------------- /mmedit/core/evaluation/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/evaluation/metrics.py -------------------------------------------------------------------------------- /mmedit/core/evaluation/niqe_pris_params.npz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/evaluation/niqe_pris_params.npz -------------------------------------------------------------------------------- /mmedit/core/export/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/export/__init__.py -------------------------------------------------------------------------------- /mmedit/core/export/wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/export/wrappers.py -------------------------------------------------------------------------------- /mmedit/core/hooks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/hooks/__init__.py -------------------------------------------------------------------------------- /mmedit/core/hooks/ema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/hooks/ema.py -------------------------------------------------------------------------------- /mmedit/core/hooks/visualization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/hooks/visualization.py -------------------------------------------------------------------------------- /mmedit/core/mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/mask.py -------------------------------------------------------------------------------- /mmedit/core/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/misc.py -------------------------------------------------------------------------------- /mmedit/core/optimizer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/optimizer/__init__.py -------------------------------------------------------------------------------- /mmedit/core/optimizer/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/optimizer/builder.py -------------------------------------------------------------------------------- /mmedit/core/scheduler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/scheduler/__init__.py -------------------------------------------------------------------------------- /mmedit/core/scheduler/lr_updater.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/scheduler/lr_updater.py -------------------------------------------------------------------------------- /mmedit/core/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/utils/__init__.py -------------------------------------------------------------------------------- /mmedit/core/utils/dist_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/core/utils/dist_utils.py -------------------------------------------------------------------------------- /mmedit/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/__init__.py -------------------------------------------------------------------------------- /mmedit/datasets/base_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/base_dataset.py -------------------------------------------------------------------------------- /mmedit/datasets/base_sr_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/base_sr_dataset.py -------------------------------------------------------------------------------- /mmedit/datasets/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/builder.py -------------------------------------------------------------------------------- /mmedit/datasets/dataset_wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/dataset_wrappers.py -------------------------------------------------------------------------------- /mmedit/datasets/pipelines/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/pipelines/__init__.py -------------------------------------------------------------------------------- /mmedit/datasets/pipelines/augmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/pipelines/augmentation.py -------------------------------------------------------------------------------- /mmedit/datasets/pipelines/blur_kernels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/pipelines/blur_kernels.py -------------------------------------------------------------------------------- /mmedit/datasets/pipelines/compose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/pipelines/compose.py -------------------------------------------------------------------------------- /mmedit/datasets/pipelines/crop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/pipelines/crop.py -------------------------------------------------------------------------------- /mmedit/datasets/pipelines/formating.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/pipelines/formating.py -------------------------------------------------------------------------------- /mmedit/datasets/pipelines/generate_assistant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/pipelines/generate_assistant.py -------------------------------------------------------------------------------- /mmedit/datasets/pipelines/loading.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/pipelines/loading.py -------------------------------------------------------------------------------- /mmedit/datasets/pipelines/matlab_like_resize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/pipelines/matlab_like_resize.py -------------------------------------------------------------------------------- /mmedit/datasets/pipelines/matting_aug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/pipelines/matting_aug.py -------------------------------------------------------------------------------- /mmedit/datasets/pipelines/normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/pipelines/normalization.py -------------------------------------------------------------------------------- /mmedit/datasets/pipelines/random_degradations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/pipelines/random_degradations.py -------------------------------------------------------------------------------- /mmedit/datasets/pipelines/random_down_sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/pipelines/random_down_sampling.py -------------------------------------------------------------------------------- /mmedit/datasets/pipelines/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/pipelines/utils.py -------------------------------------------------------------------------------- /mmedit/datasets/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/registry.py -------------------------------------------------------------------------------- /mmedit/datasets/samplers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/samplers/__init__.py -------------------------------------------------------------------------------- /mmedit/datasets/samplers/distributed_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/samplers/distributed_sampler.py -------------------------------------------------------------------------------- /mmedit/datasets/sr_folder_multiple_gt_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/sr_folder_multiple_gt_dataset.py -------------------------------------------------------------------------------- /mmedit/datasets/sr_reds_multiple_gt_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/sr_reds_multiple_gt_dataset.py -------------------------------------------------------------------------------- /mmedit/datasets/sr_vimeo90k_multiple_gt_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/datasets/sr_vimeo90k_multiple_gt_dataset.py -------------------------------------------------------------------------------- /mmedit/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/__init__.py -------------------------------------------------------------------------------- /mmedit/models/backbones/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/backbones/__init__.py -------------------------------------------------------------------------------- /mmedit/models/backbones/sr_backbones/FGST.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/backbones/sr_backbones/FGST.py -------------------------------------------------------------------------------- /mmedit/models/backbones/sr_backbones/FGST_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/backbones/sr_backbones/FGST_util.py -------------------------------------------------------------------------------- /mmedit/models/backbones/sr_backbones/S2SVR.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/backbones/sr_backbones/S2SVR.py -------------------------------------------------------------------------------- /mmedit/models/backbones/sr_backbones/S2SVR_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/backbones/sr_backbones/S2SVR_util.py -------------------------------------------------------------------------------- /mmedit/models/backbones/sr_backbones/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/backbones/sr_backbones/__init__.py -------------------------------------------------------------------------------- /mmedit/models/backbones/sr_backbones/basicvsr_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/backbones/sr_backbones/basicvsr_net.py -------------------------------------------------------------------------------- /mmedit/models/backbones/sr_backbones/correlation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/backbones/sr_backbones/correlation.py -------------------------------------------------------------------------------- /mmedit/models/backbones/sr_backbones/pwclite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/backbones/sr_backbones/pwclite.py -------------------------------------------------------------------------------- /mmedit/models/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/base.py -------------------------------------------------------------------------------- /mmedit/models/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/builder.py -------------------------------------------------------------------------------- /mmedit/models/common/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/__init__.py -------------------------------------------------------------------------------- /mmedit/models/common/aspp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/aspp.py -------------------------------------------------------------------------------- /mmedit/models/common/contextual_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/contextual_attention.py -------------------------------------------------------------------------------- /mmedit/models/common/conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/conv.py -------------------------------------------------------------------------------- /mmedit/models/common/downsample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/downsample.py -------------------------------------------------------------------------------- /mmedit/models/common/ensemble.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/ensemble.py -------------------------------------------------------------------------------- /mmedit/models/common/flow_warp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/flow_warp.py -------------------------------------------------------------------------------- /mmedit/models/common/gated_conv_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/gated_conv_module.py -------------------------------------------------------------------------------- /mmedit/models/common/gca_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/gca_module.py -------------------------------------------------------------------------------- /mmedit/models/common/generation_model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/generation_model_utils.py -------------------------------------------------------------------------------- /mmedit/models/common/img_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/img_normalize.py -------------------------------------------------------------------------------- /mmedit/models/common/linear_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/linear_module.py -------------------------------------------------------------------------------- /mmedit/models/common/mask_conv_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/mask_conv_module.py -------------------------------------------------------------------------------- /mmedit/models/common/model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/model_utils.py -------------------------------------------------------------------------------- /mmedit/models/common/partial_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/partial_conv.py -------------------------------------------------------------------------------- /mmedit/models/common/separable_conv_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/separable_conv_module.py -------------------------------------------------------------------------------- /mmedit/models/common/sr_backbone_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/sr_backbone_utils.py -------------------------------------------------------------------------------- /mmedit/models/common/upsample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/common/upsample.py -------------------------------------------------------------------------------- /mmedit/models/losses/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/losses/__init__.py -------------------------------------------------------------------------------- /mmedit/models/losses/gan_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/losses/gan_loss.py -------------------------------------------------------------------------------- /mmedit/models/losses/perceptual_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/losses/perceptual_loss.py -------------------------------------------------------------------------------- /mmedit/models/losses/pixelwise_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/losses/pixelwise_loss.py -------------------------------------------------------------------------------- /mmedit/models/losses/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/losses/utils.py -------------------------------------------------------------------------------- /mmedit/models/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/registry.py -------------------------------------------------------------------------------- /mmedit/models/restorers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/restorers/__init__.py -------------------------------------------------------------------------------- /mmedit/models/restorers/basic_restorer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/restorers/basic_restorer.py -------------------------------------------------------------------------------- /mmedit/models/restorers/basicvsr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/models/restorers/basicvsr.py -------------------------------------------------------------------------------- /mmedit/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/utils/__init__.py -------------------------------------------------------------------------------- /mmedit/utils/cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/utils/cli.py -------------------------------------------------------------------------------- /mmedit/utils/collect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/utils/collect_env.py -------------------------------------------------------------------------------- /mmedit/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/utils/logger.py -------------------------------------------------------------------------------- /mmedit/utils/setup_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/utils/setup_env.py -------------------------------------------------------------------------------- /mmedit/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/mmedit/version.py -------------------------------------------------------------------------------- /model-index.yml: -------------------------------------------------------------------------------- 1 | Import: 2 | - configs/metafile.yml 3 | -------------------------------------------------------------------------------- /pretrained_models/pwclite.tar: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/pretrained_models/pwclite.tar -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/requirements.txt -------------------------------------------------------------------------------- /requirements/docs.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/requirements/docs.txt -------------------------------------------------------------------------------- /requirements/readthedocs.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/requirements/readthedocs.txt -------------------------------------------------------------------------------- /requirements/runtime.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/requirements/runtime.txt -------------------------------------------------------------------------------- /requirements/tests.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/requirements/tests.txt -------------------------------------------------------------------------------- /setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/setup.cfg -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/setup.py -------------------------------------------------------------------------------- /tests/test_data/test_datasets/test_generation_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_data/test_datasets/test_generation_datasets.py -------------------------------------------------------------------------------- /tests/test_data/test_datasets/test_matting_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_data/test_datasets/test_matting_datasets.py -------------------------------------------------------------------------------- /tests/test_data/test_datasets/test_repeat_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_data/test_datasets/test_repeat_dataset.py -------------------------------------------------------------------------------- /tests/test_data/test_datasets/test_sr_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_data/test_datasets/test_sr_dataset.py -------------------------------------------------------------------------------- /tests/test_data/test_datasets/test_vfi_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_data/test_datasets/test_vfi_dataset.py -------------------------------------------------------------------------------- /tests/test_data/test_pipelines/test_augmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_data/test_pipelines/test_augmentation.py -------------------------------------------------------------------------------- /tests/test_data/test_pipelines/test_compose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_data/test_pipelines/test_compose.py -------------------------------------------------------------------------------- /tests/test_data/test_pipelines/test_crop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_data/test_pipelines/test_crop.py -------------------------------------------------------------------------------- /tests/test_data/test_pipelines/test_formating.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_data/test_pipelines/test_formating.py -------------------------------------------------------------------------------- /tests/test_data/test_pipelines/test_generate_assistant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_data/test_pipelines/test_generate_assistant.py -------------------------------------------------------------------------------- /tests/test_data/test_pipelines/test_loading.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_data/test_pipelines/test_loading.py -------------------------------------------------------------------------------- /tests/test_data/test_pipelines/test_matlab_resize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_data/test_pipelines/test_matlab_resize.py -------------------------------------------------------------------------------- /tests/test_data/test_pipelines/test_normalization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_data/test_pipelines/test_normalization.py -------------------------------------------------------------------------------- /tests/test_data/test_pipelines/test_pipeline_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_data/test_pipelines/test_pipeline_utils.py -------------------------------------------------------------------------------- /tests/test_data/test_pipelines/test_random_degradations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_data/test_pipelines/test_random_degradations.py -------------------------------------------------------------------------------- /tests/test_data/test_pipelines/test_random_down_sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_data/test_pipelines/test_random_down_sampling.py -------------------------------------------------------------------------------- /tests/test_data/test_pipelines/test_trimap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_data/test_pipelines/test_trimap.py -------------------------------------------------------------------------------- /tests/test_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_inference.py -------------------------------------------------------------------------------- /tests/test_metrics/test_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_metrics/test_metrics.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_encoder_decoders/test_aot_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_encoder_decoders/test_aot_model.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_encoder_decoders/test_decoders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_encoder_decoders/test_decoders.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_encoder_decoders/test_deepfill_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_encoder_decoders/test_deepfill_decoder.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_encoder_decoders/test_deepfill_encdec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_encoder_decoders/test_deepfill_encdec.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_encoder_decoders/test_deepfill_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_encoder_decoders/test_deepfill_encoder.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_encoder_decoders/test_encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_encoder_decoders/test_encoder_decoder.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_encoder_decoders/test_encoders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_encoder_decoders/test_encoders.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_encoder_decoders/test_gl_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_encoder_decoders/test_gl_model.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_encoder_decoders/test_pconv_encdec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_encoder_decoders/test_pconv_encdec.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_generation_backbones/test_generators.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_generation_backbones/test_generators.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_sr_backbones/test_basicvsr_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_sr_backbones/test_basicvsr_net.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_sr_backbones/test_basicvsr_plusplus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_sr_backbones/test_basicvsr_plusplus.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_sr_backbones/test_dic_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_sr_backbones/test_dic_net.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_sr_backbones/test_duf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_sr_backbones/test_duf.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_sr_backbones/test_edvr_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_sr_backbones/test_edvr_net.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_sr_backbones/test_glean_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_sr_backbones/test_glean_net.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_sr_backbones/test_iconvsr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_sr_backbones/test_iconvsr.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_sr_backbones/test_liif_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_sr_backbones/test_liif_net.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_sr_backbones/test_rdn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_sr_backbones/test_rdn.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_sr_backbones/test_real_basicvsr_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_sr_backbones/test_real_basicvsr_net.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_sr_backbones/test_sr_backbones.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_sr_backbones/test_sr_backbones.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_sr_backbones/test_tdan_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_sr_backbones/test_tdan_net.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_sr_backbones/test_tof.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_sr_backbones/test_tof.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_vfi_backbones/test_cain_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_vfi_backbones/test_cain_net.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_vfi_backbones/test_tof_vfi_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_backbones/test_vfi_backbones/test_tof_vfi_net.py -------------------------------------------------------------------------------- /tests/test_models/test_base_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_base_model.py -------------------------------------------------------------------------------- /tests/test_models/test_common/test_common_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_common/test_common_module.py -------------------------------------------------------------------------------- /tests/test_models/test_common/test_ensemble.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_common/test_ensemble.py -------------------------------------------------------------------------------- /tests/test_models/test_common/test_flow_warp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_common/test_flow_warp.py -------------------------------------------------------------------------------- /tests/test_models/test_common/test_img_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_common/test_img_normalize.py -------------------------------------------------------------------------------- /tests/test_models/test_common/test_model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_common/test_model_utils.py -------------------------------------------------------------------------------- /tests/test_models/test_common/test_sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_common/test_sampling.py -------------------------------------------------------------------------------- /tests/test_models/test_components/test_discriminators/test_deepfill_disc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_components/test_discriminators/test_deepfill_disc.py -------------------------------------------------------------------------------- /tests/test_models/test_components/test_discriminators/test_discriminators.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_components/test_discriminators/test_discriminators.py -------------------------------------------------------------------------------- /tests/test_models/test_components/test_discriminators/test_light_cnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_components/test_discriminators/test_light_cnn.py -------------------------------------------------------------------------------- /tests/test_models/test_components/test_discriminators/test_multi_layer_disc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_components/test_discriminators/test_multi_layer_disc.py -------------------------------------------------------------------------------- /tests/test_models/test_components/test_discriminators/test_unet_disc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_components/test_discriminators/test_unet_disc.py -------------------------------------------------------------------------------- /tests/test_models/test_components/test_refiners/test_deepfill_refiner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_components/test_refiners/test_deepfill_refiner.py -------------------------------------------------------------------------------- /tests/test_models/test_components/test_refiners/test_matting_refiners.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_components/test_refiners/test_matting_refiners.py -------------------------------------------------------------------------------- /tests/test_models/test_components/test_refiners/test_mlp_refiner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_components/test_refiners/test_mlp_refiner.py -------------------------------------------------------------------------------- /tests/test_models/test_components/test_stylegan2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_components/test_stylegan2.py -------------------------------------------------------------------------------- /tests/test_models/test_extractors/test_feedback_hour_glass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_extractors/test_feedback_hour_glass.py -------------------------------------------------------------------------------- /tests/test_models/test_extractors/test_lte.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_extractors/test_lte.py -------------------------------------------------------------------------------- /tests/test_models/test_inpaintors/test_aot_inpaintor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_inpaintors/test_aot_inpaintor.py -------------------------------------------------------------------------------- /tests/test_models/test_inpaintors/test_deepfill_inpaintor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_inpaintors/test_deepfill_inpaintor.py -------------------------------------------------------------------------------- /tests/test_models/test_inpaintors/test_gl_inpaintor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_inpaintors/test_gl_inpaintor.py -------------------------------------------------------------------------------- /tests/test_models/test_inpaintors/test_one_stage_inpaintor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_inpaintors/test_one_stage_inpaintor.py -------------------------------------------------------------------------------- /tests/test_models/test_inpaintors/test_pconv_inpaintor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_inpaintors/test_pconv_inpaintor.py -------------------------------------------------------------------------------- /tests/test_models/test_inpaintors/test_two_stage_inpaintor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_inpaintors/test_two_stage_inpaintor.py -------------------------------------------------------------------------------- /tests/test_models/test_losses/test_feature_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_losses/test_feature_loss.py -------------------------------------------------------------------------------- /tests/test_models/test_losses/test_losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_losses/test_losses.py -------------------------------------------------------------------------------- /tests/test_models/test_mattors/test_mattors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_mattors/test_mattors.py -------------------------------------------------------------------------------- /tests/test_models/test_restorers/test_basic_restorer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_restorers/test_basic_restorer.py -------------------------------------------------------------------------------- /tests/test_models/test_restorers/test_basicvsr_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_restorers/test_basicvsr_model.py -------------------------------------------------------------------------------- /tests/test_models/test_restorers/test_dic_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_restorers/test_dic_model.py -------------------------------------------------------------------------------- /tests/test_models/test_restorers/test_edvr_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_restorers/test_edvr_model.py -------------------------------------------------------------------------------- /tests/test_models/test_restorers/test_esrgan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_restorers/test_esrgan.py -------------------------------------------------------------------------------- /tests/test_models/test_restorers/test_glean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_restorers/test_glean.py -------------------------------------------------------------------------------- /tests/test_models/test_restorers/test_liif.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_restorers/test_liif.py -------------------------------------------------------------------------------- /tests/test_models/test_restorers/test_real_basicvsr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_restorers/test_real_basicvsr.py -------------------------------------------------------------------------------- /tests/test_models/test_restorers/test_real_esrgan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_restorers/test_real_esrgan.py -------------------------------------------------------------------------------- /tests/test_models/test_restorers/test_srgan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_restorers/test_srgan.py -------------------------------------------------------------------------------- /tests/test_models/test_restorers/test_tdan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_restorers/test_tdan.py -------------------------------------------------------------------------------- /tests/test_models/test_restorers/test_ttsr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_restorers/test_ttsr.py -------------------------------------------------------------------------------- /tests/test_models/test_synthesizers/test_cyclegan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_synthesizers/test_cyclegan.py -------------------------------------------------------------------------------- /tests/test_models/test_transformer/test_search_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_transformer/test_search_transformer.py -------------------------------------------------------------------------------- /tests/test_models/test_video_interpolator/test_basic_interpolator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_video_interpolator/test_basic_interpolator.py -------------------------------------------------------------------------------- /tests/test_models/test_video_interpolator/test_cain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_models/test_video_interpolator/test_cain.py -------------------------------------------------------------------------------- /tests/test_runtime/test_apis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_runtime/test_apis.py -------------------------------------------------------------------------------- /tests/test_runtime/test_dataset_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_runtime/test_dataset_builder.py -------------------------------------------------------------------------------- /tests/test_runtime/test_ema_hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_runtime/test_ema_hook.py -------------------------------------------------------------------------------- /tests/test_runtime/test_eval_hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_runtime/test_eval_hook.py -------------------------------------------------------------------------------- /tests/test_runtime/test_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_runtime/test_optimizer.py -------------------------------------------------------------------------------- /tests/test_runtime/test_visual_hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_runtime/test_visual_hook.py -------------------------------------------------------------------------------- /tests/test_utils/test_mask_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_utils/test_mask_generation.py -------------------------------------------------------------------------------- /tests/test_utils/test_modify_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_utils/test_modify_args.py -------------------------------------------------------------------------------- /tests/test_utils/test_onnx_wraper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_utils/test_onnx_wraper.py -------------------------------------------------------------------------------- /tests/test_utils/test_pix2pix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_utils/test_pix2pix.py -------------------------------------------------------------------------------- /tests/test_utils/test_setup_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_utils/test_setup_env.py -------------------------------------------------------------------------------- /tests/test_utils/test_tensor2img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tests/test_utils/test_tensor2img.py -------------------------------------------------------------------------------- /tools/deploy_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tools/deploy_test.py -------------------------------------------------------------------------------- /tools/deployment/mmedit2torchserve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tools/deployment/mmedit2torchserve.py -------------------------------------------------------------------------------- /tools/deployment/mmedit_handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tools/deployment/mmedit_handler.py -------------------------------------------------------------------------------- /tools/deployment/test_torchserver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tools/deployment/test_torchserver.py -------------------------------------------------------------------------------- /tools/dist_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tools/dist_test.sh -------------------------------------------------------------------------------- /tools/dist_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tools/dist_train.sh -------------------------------------------------------------------------------- /tools/evaluate_comp1k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tools/evaluate_comp1k.py -------------------------------------------------------------------------------- /tools/get_flops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tools/get_flops.py -------------------------------------------------------------------------------- /tools/onnx2tensorrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tools/onnx2tensorrt.py -------------------------------------------------------------------------------- /tools/publish_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tools/publish_model.py -------------------------------------------------------------------------------- /tools/pytorch2onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tools/pytorch2onnx.py -------------------------------------------------------------------------------- /tools/slurm_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tools/slurm_test.sh -------------------------------------------------------------------------------- /tools/slurm_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tools/slurm_train.sh -------------------------------------------------------------------------------- /tools/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tools/test.py -------------------------------------------------------------------------------- /tools/test_lj.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tools/test_lj.py -------------------------------------------------------------------------------- /tools/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/linjing7/VR-Baseline/HEAD/tools/train.py --------------------------------------------------------------------------------