├── .idea ├── .gitignore ├── FishDreamer.iml ├── deployment.xml ├── inspectionProfiles │ ├── Project_Default.xml │ └── profiles_settings.xml ├── misc.xml ├── modules.xml ├── vcs.xml └── webServers.xml ├── LICENSE ├── README.md ├── assets ├── compare.png ├── method.png └── teaser.png ├── bin ├── analyze_errors.py ├── blur_predicts.py ├── calc_dataset_stats.py ├── debug │ └── analyze_overlapping_masks.sh ├── evaluate_predicts.py ├── evaluator_example.py ├── extract_masks.py ├── filter_sharded_dataset.py ├── gen_debug_mask_dataset.py ├── gen_mask_dataset.py ├── gen_mask_dataset_hydra.py ├── gen_outpainting_dataset.py ├── make_checkpoint.py ├── mask_example.py ├── paper_runfiles │ ├── blur_tests.sh │ ├── env.sh │ ├── find_best_checkpoint.py │ ├── generate_test_celeba-hq.sh │ ├── generate_test_ffhq.sh │ ├── generate_test_paris.sh │ ├── generate_test_paris_256.sh │ ├── generate_val_test.sh │ ├── predict_inner_features.sh │ └── update_test_data_stats.sh ├── predict.py ├── predict_inner_features.py ├── psnr.py ├── report_from_tb.py ├── sample_from_dataset.py ├── side_by_side.py ├── split_tar.py ├── to_jit.py ├── train.py └── transform.py ├── configs ├── analyze_mask_errors.yaml ├── data_gen │ ├── random_medium_256.yaml │ ├── random_medium_512.yaml │ ├── random_thick_256.yaml │ ├── random_thick_512.yaml │ ├── random_thin_256.yaml │ └── random_thin_512.yaml ├── debug_mask_gen.yaml ├── eval1.yaml ├── eval2.yaml ├── eval2_cpu.yaml ├── eval2_gpu.yaml ├── eval2_jpg.yaml ├── eval2_segm.yaml ├── eval2_segm_test.yaml ├── eval2_test.yaml ├── places2-categories_157.txt ├── prediction │ └── default.yaml ├── test_large_30k.lst └── training │ ├── FishDreamer.yaml │ ├── data │ ├── abl-02-thin-bb.yaml │ ├── abl-04-256-mh-dist-web.yaml │ └── abl-04-256-mh-dist.yaml │ ├── decoder │ ├── fpn.yaml │ └── upernet_outpainting.yaml │ ├── discriminator │ └── pix2pixhd_nlayer.yaml │ ├── encoder_decoder │ └── fishdreamer_small.yaml │ ├── evaluator │ └── default_inpainted.yaml │ ├── generator │ ├── ffc_resnet_075.yaml │ ├── pix2pixhd_global.yaml │ ├── pix2pixhd_global_sigmoid.yaml │ ├── pix2pixhd_multidilated_catin_4dil_9b.yaml │ ├── swin-upernet.yaml │ └── swin_tiny_c24_patch4_window8_256.yaml │ ├── hydra │ ├── no_time.yaml │ └── overrides.yaml │ ├── location │ └── docker.yaml │ ├── optimizers │ ├── SGD.yaml │ ├── adamW-lr2_5e-4.yaml │ └── default_optimizers.yaml │ ├── trainer │ └── default_sampler.yaml │ └── visualizer │ └── directory.yaml ├── docker ├── 1_generate_masks_from_raw_images.sh ├── 2_predict.sh ├── 3_evaluate.sh ├── Dockerfile ├── Dockerfile-cuda111 ├── build-cuda111.sh ├── build.sh └── entrypoint.sh ├── fetch_data ├── celebahq_dataset_prepare.sh ├── celebahq_gen_masks.sh ├── eval_sampler.py ├── places_challenge_train_download.sh ├── places_standard_evaluation_prepare_data.sh ├── places_standard_test_val_gen_masks.sh ├── places_standard_test_val_prepare.sh ├── places_standard_test_val_sample.sh ├── places_standard_train_prepare.sh ├── sampler.py ├── train_shuffled.flist └── val_shuffled.flist ├── hub └── checkpoints │ └── pt_inception-2015-12-05-6726825d.pth ├── mmseg ├── __init__.py ├── apis │ ├── __init__.py │ ├── inference.py │ ├── test.py │ └── train.py ├── core │ ├── __init__.py │ ├── evaluation │ │ ├── __init__.py │ │ ├── class_names.py │ │ ├── eval_hooks.py │ │ └── metrics.py │ ├── seg │ │ ├── __init__.py │ │ ├── builder.py │ │ └── sampler │ │ │ ├── __init__.py │ │ │ ├── base_pixel_sampler.py │ │ │ └── ohem_pixel_sampler.py │ └── utils │ │ ├── __init__.py │ │ └── misc.py ├── datasets │ ├── __init__.py │ ├── ade.py │ ├── builder.py │ ├── chase_db1.py │ ├── cityscapes.py │ ├── custom.py │ ├── dataset_wrappers.py │ ├── drive.py │ ├── hrf.py │ ├── pascal_context.py │ ├── pipelines │ │ ├── __init__.py │ │ ├── compose.py │ │ ├── formating.py │ │ ├── loading.py │ │ ├── test_time_aug.py │ │ └── transforms.py │ ├── stare.py │ └── voc.py ├── models │ ├── __init__.py │ ├── backbones │ │ ├── __init__.py │ │ ├── cgnet.py │ │ ├── fast_scnn.py │ │ ├── hrnet.py │ │ ├── mobilenet_v2.py │ │ ├── mobilenet_v3.py │ │ ├── resnest.py │ │ ├── resnet.py │ │ ├── resnext.py │ │ ├── swin_transformer.py │ │ └── unet.py │ ├── builder.py │ ├── decode_heads │ │ ├── __init__.py │ │ ├── ann_head.py │ │ ├── apc_head.py │ │ ├── aspp_head.py │ │ ├── cascade_decode_head.py │ │ ├── cc_head.py │ │ ├── da_head.py │ │ ├── decode_head.py │ │ ├── dm_head.py │ │ ├── dnl_head.py │ │ ├── ema_head.py │ │ ├── enc_head.py │ │ ├── fcn_head.py │ │ ├── fpn_head.py │ │ ├── gc_head.py │ │ ├── lraspp_head.py │ │ ├── nl_head.py │ │ ├── ocr_head.py │ │ ├── point_head.py │ │ ├── psa_head.py │ │ ├── psp_head.py │ │ ├── sep_aspp_head.py │ │ ├── sep_fcn_head.py │ │ └── uper_head.py │ ├── losses │ │ ├── __init__.py │ │ ├── accuracy.py │ │ ├── cross_entropy_loss.py │ │ ├── lovasz_loss.py │ │ └── utils.py │ ├── necks │ │ ├── __init__.py │ │ └── fpn.py │ ├── segmentors │ │ ├── __init__.py │ │ ├── base.py │ │ ├── cascade_encoder_decoder.py │ │ └── encoder_decoder.py │ └── utils │ │ ├── __init__.py │ │ ├── inverted_residual.py │ │ ├── make_divisible.py │ │ ├── res_layer.py │ │ ├── se_layer.py │ │ ├── self_attention_block.py │ │ └── up_conv_block.py ├── ops │ ├── __init__.py │ ├── encoding.py │ └── wrappers.py ├── utils │ ├── __init__.py │ ├── collect_env.py │ └── logger.py └── version.py ├── models ├── ade20k │ ├── __init__.py │ ├── base.py │ ├── color150.mat │ ├── mobilenet.py │ ├── object150_info.csv │ ├── resnet.py │ ├── segm_lib │ │ ├── nn │ │ │ ├── __init__.py │ │ │ ├── modules │ │ │ │ ├── __init__.py │ │ │ │ ├── batchnorm.py │ │ │ │ ├── comm.py │ │ │ │ ├── replicate.py │ │ │ │ ├── tests │ │ │ │ │ ├── test_numeric_batchnorm.py │ │ │ │ │ └── test_sync_batchnorm.py │ │ │ │ └── unittest.py │ │ │ └── parallel │ │ │ │ ├── __init__.py │ │ │ │ └── data_parallel.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── data │ │ │ ├── __init__.py │ │ │ ├── dataloader.py │ │ │ ├── dataset.py │ │ │ ├── distributed.py │ │ │ └── sampler.py │ │ │ └── th.py │ └── utils.py └── lpips_models │ ├── alex.pth │ ├── squeeze.pth │ └── vgg.pth └── saicinpainting ├── __init__.py ├── evaluation ├── __init__.py ├── data.py ├── evaluator.py ├── losses │ ├── __init__.py │ ├── base_loss.py │ ├── fid │ │ ├── __init__.py │ │ ├── fid_score.py │ │ └── inception.py │ ├── lpips.py │ └── ssim.py ├── masks │ ├── README.md │ ├── __init__.py │ ├── countless │ │ ├── README.md │ │ ├── __init__.py │ │ ├── countless2d.py │ │ ├── countless3d.py │ │ ├── gitignore │ │ ├── images │ │ │ ├── gcim.jpg │ │ │ ├── gray_segmentation.png │ │ │ ├── segmentation.png │ │ │ └── sparse.png │ │ ├── memprof │ │ │ ├── countless2d_gcim_N_1000.png │ │ │ ├── countless2d_quick_gcim_N_1000.png │ │ │ ├── countless3d.png │ │ │ ├── countless3d_dynamic.png │ │ │ ├── countless3d_dynamic_generalized.png │ │ │ └── countless3d_generalized.png │ │ ├── requirements.txt │ │ └── test.py │ └── mask.py ├── refinement.py ├── utils.py └── vis.py ├── training ├── __init__.py ├── data │ ├── __init__.py │ ├── aug.py │ ├── datasets.py │ └── masks.py ├── losses │ ├── __init__.py │ ├── adversarial.py │ ├── constants.py │ ├── cross_entropy_loss.py │ ├── distance_weighting.py │ ├── feature_matching.py │ ├── lovasz_loss.py │ ├── perceptual.py │ ├── segmentation.py │ ├── style_loss.py │ └── utils.py ├── modules │ ├── CBAM.py │ ├── ViT.py │ ├── __init__.py │ ├── base.py │ ├── bidirec.py │ ├── conformer.py │ ├── decode_head.py │ ├── depthwise_sep_conv.py │ ├── embeding.py │ ├── fake_fakes.py │ ├── ffc.py │ ├── mit.py │ ├── multidilated_conv.py │ ├── multiscale.py │ ├── pix2pixhd.py │ ├── psp_head.py │ ├── register.py │ ├── spatial_transform.py │ ├── squeeze_excitation.py │ ├── swin_transformer.py │ ├── swin_uper_encoder_decoder.py │ ├── uper_head.py │ ├── upsampler.py │ └── upsampler_polar.py ├── trainers │ ├── __init__.py │ ├── base.py │ └── default.py └── visualizers │ ├── __init__.py │ ├── base.py │ ├── colors.py │ ├── directory.py │ └── noop.py └── utils.py /.idea/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/.idea/.gitignore -------------------------------------------------------------------------------- /.idea/FishDreamer.iml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/.idea/FishDreamer.iml -------------------------------------------------------------------------------- /.idea/deployment.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/.idea/deployment.xml -------------------------------------------------------------------------------- /.idea/inspectionProfiles/Project_Default.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/.idea/inspectionProfiles/Project_Default.xml -------------------------------------------------------------------------------- /.idea/inspectionProfiles/profiles_settings.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/.idea/inspectionProfiles/profiles_settings.xml -------------------------------------------------------------------------------- /.idea/misc.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/.idea/misc.xml -------------------------------------------------------------------------------- /.idea/modules.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/.idea/modules.xml -------------------------------------------------------------------------------- /.idea/vcs.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/.idea/vcs.xml -------------------------------------------------------------------------------- /.idea/webServers.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/.idea/webServers.xml -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/README.md -------------------------------------------------------------------------------- /assets/compare.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/assets/compare.png -------------------------------------------------------------------------------- /assets/method.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/assets/method.png -------------------------------------------------------------------------------- /assets/teaser.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/assets/teaser.png -------------------------------------------------------------------------------- /bin/analyze_errors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/analyze_errors.py -------------------------------------------------------------------------------- /bin/blur_predicts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/blur_predicts.py -------------------------------------------------------------------------------- /bin/calc_dataset_stats.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/calc_dataset_stats.py -------------------------------------------------------------------------------- /bin/debug/analyze_overlapping_masks.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/debug/analyze_overlapping_masks.sh -------------------------------------------------------------------------------- /bin/evaluate_predicts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/evaluate_predicts.py -------------------------------------------------------------------------------- /bin/evaluator_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/evaluator_example.py -------------------------------------------------------------------------------- /bin/extract_masks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/extract_masks.py -------------------------------------------------------------------------------- /bin/filter_sharded_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/filter_sharded_dataset.py -------------------------------------------------------------------------------- /bin/gen_debug_mask_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/gen_debug_mask_dataset.py -------------------------------------------------------------------------------- /bin/gen_mask_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/gen_mask_dataset.py -------------------------------------------------------------------------------- /bin/gen_mask_dataset_hydra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/gen_mask_dataset_hydra.py -------------------------------------------------------------------------------- /bin/gen_outpainting_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/gen_outpainting_dataset.py -------------------------------------------------------------------------------- /bin/make_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/make_checkpoint.py -------------------------------------------------------------------------------- /bin/mask_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/mask_example.py -------------------------------------------------------------------------------- /bin/paper_runfiles/blur_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/paper_runfiles/blur_tests.sh -------------------------------------------------------------------------------- /bin/paper_runfiles/env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/paper_runfiles/env.sh -------------------------------------------------------------------------------- /bin/paper_runfiles/find_best_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/paper_runfiles/find_best_checkpoint.py -------------------------------------------------------------------------------- /bin/paper_runfiles/generate_test_celeba-hq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/paper_runfiles/generate_test_celeba-hq.sh -------------------------------------------------------------------------------- /bin/paper_runfiles/generate_test_ffhq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/paper_runfiles/generate_test_ffhq.sh -------------------------------------------------------------------------------- /bin/paper_runfiles/generate_test_paris.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/paper_runfiles/generate_test_paris.sh -------------------------------------------------------------------------------- /bin/paper_runfiles/generate_test_paris_256.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/paper_runfiles/generate_test_paris_256.sh -------------------------------------------------------------------------------- /bin/paper_runfiles/generate_val_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/paper_runfiles/generate_val_test.sh -------------------------------------------------------------------------------- /bin/paper_runfiles/predict_inner_features.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/paper_runfiles/predict_inner_features.sh -------------------------------------------------------------------------------- /bin/paper_runfiles/update_test_data_stats.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/paper_runfiles/update_test_data_stats.sh -------------------------------------------------------------------------------- /bin/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/predict.py -------------------------------------------------------------------------------- /bin/predict_inner_features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/predict_inner_features.py -------------------------------------------------------------------------------- /bin/psnr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/psnr.py -------------------------------------------------------------------------------- /bin/report_from_tb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/report_from_tb.py -------------------------------------------------------------------------------- /bin/sample_from_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/sample_from_dataset.py -------------------------------------------------------------------------------- /bin/side_by_side.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/side_by_side.py -------------------------------------------------------------------------------- /bin/split_tar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/split_tar.py -------------------------------------------------------------------------------- /bin/to_jit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/to_jit.py -------------------------------------------------------------------------------- /bin/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/train.py -------------------------------------------------------------------------------- /bin/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/bin/transform.py -------------------------------------------------------------------------------- /configs/analyze_mask_errors.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/analyze_mask_errors.yaml -------------------------------------------------------------------------------- /configs/data_gen/random_medium_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/data_gen/random_medium_256.yaml -------------------------------------------------------------------------------- /configs/data_gen/random_medium_512.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/data_gen/random_medium_512.yaml -------------------------------------------------------------------------------- /configs/data_gen/random_thick_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/data_gen/random_thick_256.yaml -------------------------------------------------------------------------------- /configs/data_gen/random_thick_512.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/data_gen/random_thick_512.yaml -------------------------------------------------------------------------------- /configs/data_gen/random_thin_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/data_gen/random_thin_256.yaml -------------------------------------------------------------------------------- /configs/data_gen/random_thin_512.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/data_gen/random_thin_512.yaml -------------------------------------------------------------------------------- /configs/debug_mask_gen.yaml: -------------------------------------------------------------------------------- 1 | img_ext: .jpg 2 | 3 | gen_kwargs: 4 | mask_size: 200 5 | step: 0.5 6 | -------------------------------------------------------------------------------- /configs/eval1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/eval1.yaml -------------------------------------------------------------------------------- /configs/eval2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/eval2.yaml -------------------------------------------------------------------------------- /configs/eval2_cpu.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/eval2_cpu.yaml -------------------------------------------------------------------------------- /configs/eval2_gpu.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/eval2_gpu.yaml -------------------------------------------------------------------------------- /configs/eval2_jpg.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/eval2_jpg.yaml -------------------------------------------------------------------------------- /configs/eval2_segm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/eval2_segm.yaml -------------------------------------------------------------------------------- /configs/eval2_segm_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/eval2_segm_test.yaml -------------------------------------------------------------------------------- /configs/eval2_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/eval2_test.yaml -------------------------------------------------------------------------------- /configs/places2-categories_157.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/places2-categories_157.txt -------------------------------------------------------------------------------- /configs/prediction/default.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/prediction/default.yaml -------------------------------------------------------------------------------- /configs/test_large_30k.lst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/test_large_30k.lst -------------------------------------------------------------------------------- /configs/training/FishDreamer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/FishDreamer.yaml -------------------------------------------------------------------------------- /configs/training/data/abl-02-thin-bb.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/data/abl-02-thin-bb.yaml -------------------------------------------------------------------------------- /configs/training/data/abl-04-256-mh-dist-web.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/data/abl-04-256-mh-dist-web.yaml -------------------------------------------------------------------------------- /configs/training/data/abl-04-256-mh-dist.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/data/abl-04-256-mh-dist.yaml -------------------------------------------------------------------------------- /configs/training/decoder/fpn.yaml: -------------------------------------------------------------------------------- 1 | # @package _group_ 2 | kind: fpn 3 | 4 | in_channels: [96, 192, 384, 768] 5 | 6 | 7 | -------------------------------------------------------------------------------- /configs/training/decoder/upernet_outpainting.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/decoder/upernet_outpainting.yaml -------------------------------------------------------------------------------- /configs/training/discriminator/pix2pixhd_nlayer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/discriminator/pix2pixhd_nlayer.yaml -------------------------------------------------------------------------------- /configs/training/encoder_decoder/fishdreamer_small.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/encoder_decoder/fishdreamer_small.yaml -------------------------------------------------------------------------------- /configs/training/evaluator/default_inpainted.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/evaluator/default_inpainted.yaml -------------------------------------------------------------------------------- /configs/training/generator/ffc_resnet_075.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/generator/ffc_resnet_075.yaml -------------------------------------------------------------------------------- /configs/training/generator/pix2pixhd_global.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/generator/pix2pixhd_global.yaml -------------------------------------------------------------------------------- /configs/training/generator/pix2pixhd_global_sigmoid.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/generator/pix2pixhd_global_sigmoid.yaml -------------------------------------------------------------------------------- /configs/training/generator/pix2pixhd_multidilated_catin_4dil_9b.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/generator/pix2pixhd_multidilated_catin_4dil_9b.yaml -------------------------------------------------------------------------------- /configs/training/generator/swin-upernet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/generator/swin-upernet.yaml -------------------------------------------------------------------------------- /configs/training/generator/swin_tiny_c24_patch4_window8_256.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/generator/swin_tiny_c24_patch4_window8_256.yaml -------------------------------------------------------------------------------- /configs/training/hydra/no_time.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/hydra/no_time.yaml -------------------------------------------------------------------------------- /configs/training/hydra/overrides.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/hydra/overrides.yaml -------------------------------------------------------------------------------- /configs/training/location/docker.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/location/docker.yaml -------------------------------------------------------------------------------- /configs/training/optimizers/SGD.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/optimizers/SGD.yaml -------------------------------------------------------------------------------- /configs/training/optimizers/adamW-lr2_5e-4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/optimizers/adamW-lr2_5e-4.yaml -------------------------------------------------------------------------------- /configs/training/optimizers/default_optimizers.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/optimizers/default_optimizers.yaml -------------------------------------------------------------------------------- /configs/training/trainer/default_sampler.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/trainer/default_sampler.yaml -------------------------------------------------------------------------------- /configs/training/visualizer/directory.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/configs/training/visualizer/directory.yaml -------------------------------------------------------------------------------- /docker/1_generate_masks_from_raw_images.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/docker/1_generate_masks_from_raw_images.sh -------------------------------------------------------------------------------- /docker/2_predict.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/docker/2_predict.sh -------------------------------------------------------------------------------- /docker/3_evaluate.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/docker/3_evaluate.sh -------------------------------------------------------------------------------- /docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/docker/Dockerfile -------------------------------------------------------------------------------- /docker/Dockerfile-cuda111: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/docker/Dockerfile-cuda111 -------------------------------------------------------------------------------- /docker/build-cuda111.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/docker/build-cuda111.sh -------------------------------------------------------------------------------- /docker/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/docker/build.sh -------------------------------------------------------------------------------- /docker/entrypoint.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | 3 | exec $@ 4 | -------------------------------------------------------------------------------- /fetch_data/celebahq_dataset_prepare.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/fetch_data/celebahq_dataset_prepare.sh -------------------------------------------------------------------------------- /fetch_data/celebahq_gen_masks.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/fetch_data/celebahq_gen_masks.sh -------------------------------------------------------------------------------- /fetch_data/eval_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/fetch_data/eval_sampler.py -------------------------------------------------------------------------------- /fetch_data/places_challenge_train_download.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/fetch_data/places_challenge_train_download.sh -------------------------------------------------------------------------------- /fetch_data/places_standard_evaluation_prepare_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/fetch_data/places_standard_evaluation_prepare_data.sh -------------------------------------------------------------------------------- /fetch_data/places_standard_test_val_gen_masks.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/fetch_data/places_standard_test_val_gen_masks.sh -------------------------------------------------------------------------------- /fetch_data/places_standard_test_val_prepare.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/fetch_data/places_standard_test_val_prepare.sh -------------------------------------------------------------------------------- /fetch_data/places_standard_test_val_sample.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/fetch_data/places_standard_test_val_sample.sh -------------------------------------------------------------------------------- /fetch_data/places_standard_train_prepare.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/fetch_data/places_standard_train_prepare.sh -------------------------------------------------------------------------------- /fetch_data/sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/fetch_data/sampler.py -------------------------------------------------------------------------------- /fetch_data/train_shuffled.flist: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/fetch_data/train_shuffled.flist -------------------------------------------------------------------------------- /fetch_data/val_shuffled.flist: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/fetch_data/val_shuffled.flist -------------------------------------------------------------------------------- /hub/checkpoints/pt_inception-2015-12-05-6726825d.pth: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/hub/checkpoints/pt_inception-2015-12-05-6726825d.pth -------------------------------------------------------------------------------- /mmseg/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/__init__.py -------------------------------------------------------------------------------- /mmseg/apis/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/apis/__init__.py -------------------------------------------------------------------------------- /mmseg/apis/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/apis/inference.py -------------------------------------------------------------------------------- /mmseg/apis/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/apis/test.py -------------------------------------------------------------------------------- /mmseg/apis/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/apis/train.py -------------------------------------------------------------------------------- /mmseg/core/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/core/__init__.py -------------------------------------------------------------------------------- /mmseg/core/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/core/evaluation/__init__.py -------------------------------------------------------------------------------- /mmseg/core/evaluation/class_names.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/core/evaluation/class_names.py -------------------------------------------------------------------------------- /mmseg/core/evaluation/eval_hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/core/evaluation/eval_hooks.py -------------------------------------------------------------------------------- /mmseg/core/evaluation/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/core/evaluation/metrics.py -------------------------------------------------------------------------------- /mmseg/core/seg/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/core/seg/__init__.py -------------------------------------------------------------------------------- /mmseg/core/seg/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/core/seg/builder.py -------------------------------------------------------------------------------- /mmseg/core/seg/sampler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/core/seg/sampler/__init__.py -------------------------------------------------------------------------------- /mmseg/core/seg/sampler/base_pixel_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/core/seg/sampler/base_pixel_sampler.py -------------------------------------------------------------------------------- /mmseg/core/seg/sampler/ohem_pixel_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/core/seg/sampler/ohem_pixel_sampler.py -------------------------------------------------------------------------------- /mmseg/core/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/core/utils/__init__.py -------------------------------------------------------------------------------- /mmseg/core/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/core/utils/misc.py -------------------------------------------------------------------------------- /mmseg/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/__init__.py -------------------------------------------------------------------------------- /mmseg/datasets/ade.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/ade.py -------------------------------------------------------------------------------- /mmseg/datasets/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/builder.py -------------------------------------------------------------------------------- /mmseg/datasets/chase_db1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/chase_db1.py -------------------------------------------------------------------------------- /mmseg/datasets/cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/cityscapes.py -------------------------------------------------------------------------------- /mmseg/datasets/custom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/custom.py -------------------------------------------------------------------------------- /mmseg/datasets/dataset_wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/dataset_wrappers.py -------------------------------------------------------------------------------- /mmseg/datasets/drive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/drive.py -------------------------------------------------------------------------------- /mmseg/datasets/hrf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/hrf.py -------------------------------------------------------------------------------- /mmseg/datasets/pascal_context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/pascal_context.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/pipelines/__init__.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/compose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/pipelines/compose.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/formating.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/pipelines/formating.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/loading.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/pipelines/loading.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/test_time_aug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/pipelines/test_time_aug.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/pipelines/transforms.py -------------------------------------------------------------------------------- /mmseg/datasets/stare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/stare.py -------------------------------------------------------------------------------- /mmseg/datasets/voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/datasets/voc.py -------------------------------------------------------------------------------- /mmseg/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/__init__.py -------------------------------------------------------------------------------- /mmseg/models/backbones/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/backbones/__init__.py -------------------------------------------------------------------------------- /mmseg/models/backbones/cgnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/backbones/cgnet.py -------------------------------------------------------------------------------- /mmseg/models/backbones/fast_scnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/backbones/fast_scnn.py -------------------------------------------------------------------------------- /mmseg/models/backbones/hrnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/backbones/hrnet.py -------------------------------------------------------------------------------- /mmseg/models/backbones/mobilenet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/backbones/mobilenet_v2.py -------------------------------------------------------------------------------- /mmseg/models/backbones/mobilenet_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/backbones/mobilenet_v3.py -------------------------------------------------------------------------------- /mmseg/models/backbones/resnest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/backbones/resnest.py -------------------------------------------------------------------------------- /mmseg/models/backbones/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/backbones/resnet.py -------------------------------------------------------------------------------- /mmseg/models/backbones/resnext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/backbones/resnext.py -------------------------------------------------------------------------------- /mmseg/models/backbones/swin_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/backbones/swin_transformer.py -------------------------------------------------------------------------------- /mmseg/models/backbones/unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/backbones/unet.py -------------------------------------------------------------------------------- /mmseg/models/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/builder.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/__init__.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/ann_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/ann_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/apc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/apc_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/aspp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/aspp_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/cascade_decode_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/cascade_decode_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/cc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/cc_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/da_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/da_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/decode_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/decode_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/dm_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/dm_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/dnl_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/dnl_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/ema_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/ema_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/enc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/enc_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/fcn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/fcn_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/fpn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/fpn_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/gc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/gc_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/lraspp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/lraspp_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/nl_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/nl_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/ocr_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/ocr_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/point_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/point_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/psa_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/psa_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/psp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/psp_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/sep_aspp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/sep_aspp_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/sep_fcn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/sep_fcn_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/uper_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/decode_heads/uper_head.py -------------------------------------------------------------------------------- /mmseg/models/losses/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/losses/__init__.py -------------------------------------------------------------------------------- /mmseg/models/losses/accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/losses/accuracy.py -------------------------------------------------------------------------------- /mmseg/models/losses/cross_entropy_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/losses/cross_entropy_loss.py -------------------------------------------------------------------------------- /mmseg/models/losses/lovasz_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/losses/lovasz_loss.py -------------------------------------------------------------------------------- /mmseg/models/losses/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/losses/utils.py -------------------------------------------------------------------------------- /mmseg/models/necks/__init__.py: -------------------------------------------------------------------------------- 1 | from .fpn import FPN 2 | 3 | __all__ = ['FPN'] 4 | -------------------------------------------------------------------------------- /mmseg/models/necks/fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/necks/fpn.py -------------------------------------------------------------------------------- /mmseg/models/segmentors/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /mmseg/models/segmentors/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/segmentors/base.py -------------------------------------------------------------------------------- /mmseg/models/segmentors/cascade_encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/segmentors/cascade_encoder_decoder.py -------------------------------------------------------------------------------- /mmseg/models/segmentors/encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/segmentors/encoder_decoder.py -------------------------------------------------------------------------------- /mmseg/models/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/utils/__init__.py -------------------------------------------------------------------------------- /mmseg/models/utils/inverted_residual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/utils/inverted_residual.py -------------------------------------------------------------------------------- /mmseg/models/utils/make_divisible.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/utils/make_divisible.py -------------------------------------------------------------------------------- /mmseg/models/utils/res_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/utils/res_layer.py -------------------------------------------------------------------------------- /mmseg/models/utils/se_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/utils/se_layer.py -------------------------------------------------------------------------------- /mmseg/models/utils/self_attention_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/utils/self_attention_block.py -------------------------------------------------------------------------------- /mmseg/models/utils/up_conv_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/models/utils/up_conv_block.py -------------------------------------------------------------------------------- /mmseg/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/ops/__init__.py -------------------------------------------------------------------------------- /mmseg/ops/encoding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/ops/encoding.py -------------------------------------------------------------------------------- /mmseg/ops/wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/ops/wrappers.py -------------------------------------------------------------------------------- /mmseg/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/utils/__init__.py -------------------------------------------------------------------------------- /mmseg/utils/collect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/utils/collect_env.py -------------------------------------------------------------------------------- /mmseg/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/utils/logger.py -------------------------------------------------------------------------------- /mmseg/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/mmseg/version.py -------------------------------------------------------------------------------- /models/ade20k/__init__.py: -------------------------------------------------------------------------------- 1 | from .base import * -------------------------------------------------------------------------------- /models/ade20k/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/base.py -------------------------------------------------------------------------------- /models/ade20k/color150.mat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/color150.mat -------------------------------------------------------------------------------- /models/ade20k/mobilenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/mobilenet.py -------------------------------------------------------------------------------- /models/ade20k/object150_info.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/object150_info.csv -------------------------------------------------------------------------------- /models/ade20k/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/resnet.py -------------------------------------------------------------------------------- /models/ade20k/segm_lib/nn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/segm_lib/nn/__init__.py -------------------------------------------------------------------------------- /models/ade20k/segm_lib/nn/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/segm_lib/nn/modules/__init__.py -------------------------------------------------------------------------------- /models/ade20k/segm_lib/nn/modules/batchnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/segm_lib/nn/modules/batchnorm.py -------------------------------------------------------------------------------- /models/ade20k/segm_lib/nn/modules/comm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/segm_lib/nn/modules/comm.py -------------------------------------------------------------------------------- /models/ade20k/segm_lib/nn/modules/replicate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/segm_lib/nn/modules/replicate.py -------------------------------------------------------------------------------- /models/ade20k/segm_lib/nn/modules/tests/test_numeric_batchnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/segm_lib/nn/modules/tests/test_numeric_batchnorm.py -------------------------------------------------------------------------------- /models/ade20k/segm_lib/nn/modules/tests/test_sync_batchnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/segm_lib/nn/modules/tests/test_sync_batchnorm.py -------------------------------------------------------------------------------- /models/ade20k/segm_lib/nn/modules/unittest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/segm_lib/nn/modules/unittest.py -------------------------------------------------------------------------------- /models/ade20k/segm_lib/nn/parallel/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/segm_lib/nn/parallel/__init__.py -------------------------------------------------------------------------------- /models/ade20k/segm_lib/nn/parallel/data_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/segm_lib/nn/parallel/data_parallel.py -------------------------------------------------------------------------------- /models/ade20k/segm_lib/utils/__init__.py: -------------------------------------------------------------------------------- 1 | from .th import * 2 | -------------------------------------------------------------------------------- /models/ade20k/segm_lib/utils/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/segm_lib/utils/data/__init__.py -------------------------------------------------------------------------------- /models/ade20k/segm_lib/utils/data/dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/segm_lib/utils/data/dataloader.py -------------------------------------------------------------------------------- /models/ade20k/segm_lib/utils/data/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/segm_lib/utils/data/dataset.py -------------------------------------------------------------------------------- /models/ade20k/segm_lib/utils/data/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/segm_lib/utils/data/distributed.py -------------------------------------------------------------------------------- /models/ade20k/segm_lib/utils/data/sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/segm_lib/utils/data/sampler.py -------------------------------------------------------------------------------- /models/ade20k/segm_lib/utils/th.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/segm_lib/utils/th.py -------------------------------------------------------------------------------- /models/ade20k/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/ade20k/utils.py -------------------------------------------------------------------------------- /models/lpips_models/alex.pth: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/lpips_models/alex.pth -------------------------------------------------------------------------------- /models/lpips_models/squeeze.pth: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/lpips_models/squeeze.pth -------------------------------------------------------------------------------- /models/lpips_models/vgg.pth: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/models/lpips_models/vgg.pth -------------------------------------------------------------------------------- /saicinpainting/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /saicinpainting/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/__init__.py -------------------------------------------------------------------------------- /saicinpainting/evaluation/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/data.py -------------------------------------------------------------------------------- /saicinpainting/evaluation/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/evaluator.py -------------------------------------------------------------------------------- /saicinpainting/evaluation/losses/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /saicinpainting/evaluation/losses/base_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/losses/base_loss.py -------------------------------------------------------------------------------- /saicinpainting/evaluation/losses/fid/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /saicinpainting/evaluation/losses/fid/fid_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/losses/fid/fid_score.py -------------------------------------------------------------------------------- /saicinpainting/evaluation/losses/fid/inception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/losses/fid/inception.py -------------------------------------------------------------------------------- /saicinpainting/evaluation/losses/lpips.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/losses/lpips.py -------------------------------------------------------------------------------- /saicinpainting/evaluation/losses/ssim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/losses/ssim.py -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/masks/README.md -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/countless/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/masks/countless/README.md -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/countless/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/countless/countless2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/masks/countless/countless2d.py -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/countless/countless3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/masks/countless/countless3d.py -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/countless/gitignore: -------------------------------------------------------------------------------- 1 | results -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/countless/images/gcim.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/masks/countless/images/gcim.jpg -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/countless/images/gray_segmentation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/masks/countless/images/gray_segmentation.png -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/countless/images/segmentation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/masks/countless/images/segmentation.png -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/countless/images/sparse.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/masks/countless/images/sparse.png -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/countless/memprof/countless2d_gcim_N_1000.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/masks/countless/memprof/countless2d_gcim_N_1000.png -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/countless/memprof/countless2d_quick_gcim_N_1000.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/masks/countless/memprof/countless2d_quick_gcim_N_1000.png -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/countless/memprof/countless3d.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/masks/countless/memprof/countless3d.png -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/countless/memprof/countless3d_dynamic.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/masks/countless/memprof/countless3d_dynamic.png -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/countless/memprof/countless3d_dynamic_generalized.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/masks/countless/memprof/countless3d_dynamic_generalized.png -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/countless/memprof/countless3d_generalized.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/masks/countless/memprof/countless3d_generalized.png -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/countless/requirements.txt: -------------------------------------------------------------------------------- 1 | Pillow>=6.2.0 2 | numpy>=1.16 3 | scipy 4 | tqdm 5 | memory_profiler 6 | six 7 | pytest -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/countless/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/masks/countless/test.py -------------------------------------------------------------------------------- /saicinpainting/evaluation/masks/mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/masks/mask.py -------------------------------------------------------------------------------- /saicinpainting/evaluation/refinement.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/refinement.py -------------------------------------------------------------------------------- /saicinpainting/evaluation/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/utils.py -------------------------------------------------------------------------------- /saicinpainting/evaluation/vis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/evaluation/vis.py -------------------------------------------------------------------------------- /saicinpainting/training/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /saicinpainting/training/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /saicinpainting/training/data/aug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/data/aug.py -------------------------------------------------------------------------------- /saicinpainting/training/data/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/data/datasets.py -------------------------------------------------------------------------------- /saicinpainting/training/data/masks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/data/masks.py -------------------------------------------------------------------------------- /saicinpainting/training/losses/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /saicinpainting/training/losses/adversarial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/losses/adversarial.py -------------------------------------------------------------------------------- /saicinpainting/training/losses/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/losses/constants.py -------------------------------------------------------------------------------- /saicinpainting/training/losses/cross_entropy_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/losses/cross_entropy_loss.py -------------------------------------------------------------------------------- /saicinpainting/training/losses/distance_weighting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/losses/distance_weighting.py -------------------------------------------------------------------------------- /saicinpainting/training/losses/feature_matching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/losses/feature_matching.py -------------------------------------------------------------------------------- /saicinpainting/training/losses/lovasz_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/losses/lovasz_loss.py -------------------------------------------------------------------------------- /saicinpainting/training/losses/perceptual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/losses/perceptual.py -------------------------------------------------------------------------------- /saicinpainting/training/losses/segmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/losses/segmentation.py -------------------------------------------------------------------------------- /saicinpainting/training/losses/style_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/losses/style_loss.py -------------------------------------------------------------------------------- /saicinpainting/training/losses/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/losses/utils.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/CBAM.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/CBAM.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/ViT.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/ViT.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/__init__.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/base.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/bidirec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/bidirec.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/conformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/conformer.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/decode_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/decode_head.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/depthwise_sep_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/depthwise_sep_conv.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/embeding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/embeding.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/fake_fakes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/fake_fakes.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/ffc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/ffc.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/mit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/mit.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/multidilated_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/multidilated_conv.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/multiscale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/multiscale.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/pix2pixhd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/pix2pixhd.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/psp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/psp_head.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/register.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/register.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/spatial_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/spatial_transform.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/squeeze_excitation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/squeeze_excitation.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/swin_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/swin_transformer.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/swin_uper_encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/swin_uper_encoder_decoder.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/uper_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/uper_head.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/upsampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/upsampler.py -------------------------------------------------------------------------------- /saicinpainting/training/modules/upsampler_polar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/modules/upsampler_polar.py -------------------------------------------------------------------------------- /saicinpainting/training/trainers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/trainers/__init__.py -------------------------------------------------------------------------------- /saicinpainting/training/trainers/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/trainers/base.py -------------------------------------------------------------------------------- /saicinpainting/training/trainers/default.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/trainers/default.py -------------------------------------------------------------------------------- /saicinpainting/training/visualizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/visualizers/__init__.py -------------------------------------------------------------------------------- /saicinpainting/training/visualizers/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/visualizers/base.py -------------------------------------------------------------------------------- /saicinpainting/training/visualizers/colors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/visualizers/colors.py -------------------------------------------------------------------------------- /saicinpainting/training/visualizers/directory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/visualizers/directory.py -------------------------------------------------------------------------------- /saicinpainting/training/visualizers/noop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/training/visualizers/noop.py -------------------------------------------------------------------------------- /saicinpainting/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterHow/FishDreamer/HEAD/saicinpainting/utils.py --------------------------------------------------------------------------------