├── .gitignore ├── README.md ├── ckp └── non_ckp.pth ├── configs └── gss │ ├── _base_ │ ├── datasets │ │ ├── ade_20k_512x512.py │ │ ├── cityscapes_768x768.py │ │ ├── mseg_512x512.py │ │ └── mseg_dataset_lists │ │ │ ├── ade20k-150-relabeled │ │ │ ├── ade20k-150-relabeled_names.txt │ │ │ ├── ade20k-150_colors.txt │ │ │ └── list │ │ │ │ ├── train.txt │ │ │ │ ├── train_mmseg.txt │ │ │ │ ├── val.txt │ │ │ │ └── val_mmseg.txt │ │ │ ├── camvid-11 │ │ │ ├── camvid-11_names.txt │ │ │ └── list │ │ │ │ ├── test.txt │ │ │ │ ├── train.txt │ │ │ │ └── val.txt │ │ │ ├── cityscapes-19-relabeled │ │ │ ├── cityscapes-19-relabeled_names.txt │ │ │ ├── cityscapes-19_colors.txt │ │ │ └── list │ │ │ │ ├── fine_val.txt │ │ │ │ ├── fine_val_small.txt │ │ │ │ ├── train.txt │ │ │ │ ├── train_mmseg.txt │ │ │ │ ├── val.txt │ │ │ │ └── val_mmseg.txt │ │ │ ├── coco-panoptic-133-relabeled │ │ │ ├── coco-panoptic-133-relabeled_names.txt │ │ │ ├── coco-panoptic-133_colors.txt │ │ │ └── list │ │ │ │ ├── train.txt │ │ │ │ ├── train_mmseg.txt │ │ │ │ ├── val.txt │ │ │ │ ├── val_mmseg.txt │ │ │ │ └── val_small.txt │ │ │ ├── idd-39-relabeled │ │ │ ├── idd-39-relabeled_names.txt │ │ │ └── list │ │ │ │ ├── test.txt │ │ │ │ ├── train.txt │ │ │ │ ├── train_mmseg.txt │ │ │ │ ├── val.txt │ │ │ │ └── val_mmseg.txt │ │ │ ├── kitti-19 │ │ │ ├── kitti-19_colors.txt │ │ │ ├── kitti-19_names.txt │ │ │ └── list │ │ │ │ ├── test.txt │ │ │ │ ├── train.txt │ │ │ │ └── val.txt │ │ │ ├── mapillary-public65-relabeled │ │ │ ├── list │ │ │ │ ├── train.txt │ │ │ │ ├── train_mmseg.txt │ │ │ │ ├── val.txt │ │ │ │ └── val_mmseg.txt │ │ │ └── mapillary-public65-relabeled_names.txt │ │ │ ├── pascal-context-60 │ │ │ ├── list │ │ │ │ ├── train.txt │ │ │ │ ├── trainval.txt │ │ │ │ └── val.txt │ │ │ └── pascal-context-60_names.txt │ │ │ ├── scannet-20 │ │ │ ├── list │ │ │ │ ├── test.txt │ │ │ │ ├── train.txt │ │ │ │ ├── val.txt │ │ │ │ ├── val_mmseg.txt │ │ │ │ └── val_small.txt │ │ │ └── scannet-20_names.txt │ │ │ ├── sunrgbd-37-relabeled │ │ │ ├── list │ │ │ │ ├── train.txt │ │ │ │ ├── train_mmseg.txt │ │ │ │ ├── val.txt │ │ │ │ └── val_mmseg.txt │ │ │ └── sunrgbd-37-relabeled_names.txt │ │ │ ├── voc2012 │ │ │ ├── list │ │ │ │ ├── train.txt │ │ │ │ ├── train_small.txt │ │ │ │ └── val.txt │ │ │ └── voc2012_names.txt │ │ │ └── wilddash-19 │ │ │ ├── list │ │ │ ├── test.txt │ │ │ ├── train.txt │ │ │ └── val.txt │ │ │ └── wilddash-19_names.txt │ ├── default_runtime.py │ └── models │ │ ├── gss-ff_hrnet-w48.py │ │ ├── gss-ff_r101.py │ │ ├── gss-ff_swin-l.py │ │ ├── gss-ft-w_hrnet-w48.py │ │ ├── gss-ft-w_r101.py │ │ └── gss-ft-w_swin-l.py │ ├── ade20k │ ├── dalle_reconstruction_ade20k.py │ ├── gss-ff_swin-l_512x512_160k_ade20k.py │ └── gss-ft-w_swin-l_512x512_160k_ade20k.py │ ├── cityscapes │ ├── dalle_reconstruction_cityscapes.py │ ├── gss-ff_r101_768x768_80k_cityscapes.py │ ├── gss-ff_swin-l_768x768_80k_cityscapes.py │ ├── gss-ft-w_r101_768x768_80k_40k_cityscapes.py │ └── gss-ft-w_swin-l_768x768_80k_40k_cityscapes.py │ └── mseg │ ├── dalle_reconstruction_mseg.py │ ├── gss-ff_hrnet-w48_512x512_160k_mseg.py │ ├── gss-ff_swin-l_512x512_160k_mseg.py │ ├── gss-ft-w_hrnet-w48_512x512_160k_40k_mseg.py │ └── gss-ft-w_swin-l_512x512_160k_40k_mseg.py ├── demo └── README.md ├── figures ├── dinosaur.png └── framework.png ├── mmseg ├── .mim │ ├── configs │ └── tools ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-38.pyc │ └── version.cpython-38.pyc ├── apis │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-38.pyc │ │ ├── inference.cpython-38.pyc │ │ ├── test.cpython-38.pyc │ │ └── train.cpython-38.pyc │ ├── inference.py │ ├── test.py │ └── train.py ├── core │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-38.pyc │ │ └── builder.cpython-38.pyc │ ├── builder.py │ ├── evaluation │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-38.pyc │ │ │ ├── class_names.cpython-38.pyc │ │ │ ├── eval_hooks.cpython-38.pyc │ │ │ └── metrics.cpython-38.pyc │ │ ├── class_names.py │ │ ├── eval_hooks.py │ │ └── metrics.py │ ├── hook │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-38.pyc │ │ │ └── wandblogger_hook.cpython-38.pyc │ │ └── wandblogger_hook.py │ ├── optimizers │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-38.pyc │ │ │ └── layer_decay_optimizer_constructor.cpython-38.pyc │ │ └── layer_decay_optimizer_constructor.py │ ├── seg │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-38.pyc │ │ │ └── builder.cpython-38.pyc │ │ ├── builder.py │ │ └── sampler │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-38.pyc │ │ │ ├── base_pixel_sampler.cpython-38.pyc │ │ │ └── ohem_pixel_sampler.cpython-38.pyc │ │ │ ├── base_pixel_sampler.py │ │ │ └── ohem_pixel_sampler.py │ └── utils │ │ ├── __init__.py │ │ ├── __pycache__ │ │ ├── __init__.cpython-38.pyc │ │ ├── dist_util.cpython-38.pyc │ │ └── misc.cpython-38.pyc │ │ ├── dist_util.py │ │ └── misc.py ├── datasets │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-38.pyc │ │ ├── ade.cpython-38.pyc │ │ ├── builder.cpython-38.pyc │ │ ├── chase_db1.cpython-38.pyc │ │ ├── cityscapes.cpython-38.pyc │ │ ├── coco_stuff.cpython-38.pyc │ │ ├── custom.cpython-38.pyc │ │ ├── dark_zurich.cpython-38.pyc │ │ ├── dataset_wrappers.cpython-38.pyc │ │ ├── drive.cpython-38.pyc │ │ ├── hrf.cpython-38.pyc │ │ ├── isaid.cpython-38.pyc │ │ ├── isprs.cpython-38.pyc │ │ ├── loveda.cpython-38.pyc │ │ ├── mseg.cpython-38.pyc │ │ ├── night_driving.cpython-38.pyc │ │ ├── pascal_context.cpython-38.pyc │ │ ├── potsdam.cpython-38.pyc │ │ ├── stare.cpython-38.pyc │ │ └── voc.cpython-38.pyc │ ├── ade.py │ ├── builder.py │ ├── chase_db1.py │ ├── cityscapes.py │ ├── coco_stuff.py │ ├── custom.py │ ├── dark_zurich.py │ ├── dataset_wrappers.py │ ├── drive.py │ ├── hrf.py │ ├── isaid.py │ ├── isprs.py │ ├── loveda.py │ ├── mseg.py │ ├── night_driving.py │ ├── pascal_context.py │ ├── pipelines │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-38.pyc │ │ │ ├── compose.cpython-38.pyc │ │ │ ├── formatting.cpython-38.pyc │ │ │ ├── loading.cpython-38.pyc │ │ │ ├── test_time_aug.cpython-38.pyc │ │ │ └── transforms.cpython-38.pyc │ │ ├── compose.py │ │ ├── formating.py │ │ ├── formatting.py │ │ ├── loading.py │ │ ├── test_time_aug.py │ │ └── transforms.py │ ├── potsdam.py │ ├── samplers │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-38.pyc │ │ │ └── distributed_sampler.cpython-38.pyc │ │ └── distributed_sampler.py │ ├── stare.py │ └── voc.py ├── models │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-38.pyc │ │ └── builder.cpython-38.pyc │ ├── backbones │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-38.pyc │ │ │ ├── beit.cpython-38.pyc │ │ │ ├── bisenetv1.cpython-38.pyc │ │ │ ├── bisenetv2.cpython-38.pyc │ │ │ ├── cgnet.cpython-38.pyc │ │ │ ├── erfnet.cpython-38.pyc │ │ │ ├── fast_scnn.cpython-38.pyc │ │ │ ├── hrnet.cpython-38.pyc │ │ │ ├── icnet.cpython-38.pyc │ │ │ ├── mae.cpython-38.pyc │ │ │ ├── mit.cpython-38.pyc │ │ │ ├── mobilenet_v2.cpython-38.pyc │ │ │ ├── mobilenet_v3.cpython-38.pyc │ │ │ ├── none_backone.cpython-38.pyc │ │ │ ├── resnest.cpython-38.pyc │ │ │ ├── resnet.cpython-38.pyc │ │ │ ├── resnext.cpython-38.pyc │ │ │ ├── stdc.cpython-38.pyc │ │ │ ├── swin.cpython-38.pyc │ │ │ ├── swin_mask.cpython-38.pyc │ │ │ ├── timm_backbone.cpython-38.pyc │ │ │ ├── twins.cpython-38.pyc │ │ │ ├── unet.cpython-38.pyc │ │ │ └── vit.cpython-38.pyc │ │ ├── beit.py │ │ ├── bisenetv1.py │ │ ├── bisenetv2.py │ │ ├── cgnet.py │ │ ├── erfnet.py │ │ ├── fast_scnn.py │ │ ├── hrnet.py │ │ ├── icnet.py │ │ ├── mae.py │ │ ├── mit.py │ │ ├── mobilenet_v2.py │ │ ├── mobilenet_v3.py │ │ ├── none_backone.py │ │ ├── resnest.py │ │ ├── resnet.py │ │ ├── resnext.py │ │ ├── stdc.py │ │ ├── swin.py │ │ ├── swin_mask.py │ │ ├── timm_backbone.py │ │ ├── twins.py │ │ ├── unet.py │ │ └── vit.py │ ├── builder.py │ ├── decode_heads │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-38.pyc │ │ │ ├── ann_head.cpython-38.pyc │ │ │ ├── apc_head.cpython-38.pyc │ │ │ ├── aspp_head.cpython-38.pyc │ │ │ ├── cascade_decode_head.cpython-38.pyc │ │ │ ├── cc_head.cpython-38.pyc │ │ │ ├── da_head.cpython-38.pyc │ │ │ ├── decode_head.cpython-38.pyc │ │ │ ├── dm_head.cpython-38.pyc │ │ │ ├── dnl_head.cpython-38.pyc │ │ │ ├── dpt_head.cpython-38.pyc │ │ │ ├── ema_head.cpython-38.pyc │ │ │ ├── enc_head.cpython-38.pyc │ │ │ ├── fcn_head.cpython-38.pyc │ │ │ ├── fpn_head.cpython-38.pyc │ │ │ ├── gc_head.cpython-38.pyc │ │ │ ├── generative_segmentation_head_ff.cpython-38.pyc │ │ │ ├── generative_segmentation_head_ff_single_fusion.cpython-38.pyc │ │ │ ├── generative_segmentation_head_ftw.cpython-38.pyc │ │ │ ├── isa_head.cpython-38.pyc │ │ │ ├── knet_head.cpython-38.pyc │ │ │ ├── lraspp_head.cpython-38.pyc │ │ │ ├── nl_head.cpython-38.pyc │ │ │ ├── ocr_head.cpython-38.pyc │ │ │ ├── point_head.cpython-38.pyc │ │ │ ├── psa_head.cpython-38.pyc │ │ │ ├── psp_head.cpython-38.pyc │ │ │ ├── segformer_head.cpython-38.pyc │ │ │ ├── segmenter_mask_head.cpython-38.pyc │ │ │ ├── sep_aspp_head.cpython-38.pyc │ │ │ ├── sep_fcn_head.cpython-38.pyc │ │ │ ├── setr_mla_head.cpython-38.pyc │ │ │ ├── setr_up_head.cpython-38.pyc │ │ │ ├── stdc_head.cpython-38.pyc │ │ │ └── uper_head.cpython-38.pyc │ │ ├── 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 │ │ ├── dpt_head.py │ │ ├── edit_indice.py │ │ ├── ema_head.py │ │ ├── enc_head.py │ │ ├── fcn_head.py │ │ ├── fpn_head.py │ │ ├── gc_head.py │ │ ├── generative_segmentation_head_ff.py │ │ ├── generative_segmentation_head_ff_single_fusion.py │ │ ├── generative_segmentation_head_ftw.py │ │ ├── isa_head.py │ │ ├── knet_head.py │ │ ├── lraspp_head.py │ │ ├── modules │ │ │ ├── __init__.py │ │ │ ├── none_backbone.py │ │ │ ├── swin.py │ │ │ └── vit.py │ │ ├── nearest_embed_utils.py │ │ ├── nl_head.py │ │ ├── ocr_head.py │ │ ├── point_head.py │ │ ├── psa_head.py │ │ ├── psp_head.py │ │ ├── segformer_head.py │ │ ├── segmenter_mask_head.py │ │ ├── sep_aspp_head.py │ │ ├── sep_fcn_head.py │ │ ├── setr_mla_head.py │ │ ├── setr_up_head.py │ │ ├── stdc_head.py │ │ ├── uper_head.py │ │ └── vqgan │ │ │ ├── __init__.py │ │ │ └── vqgan.py │ ├── losses │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-38.pyc │ │ │ ├── accuracy.cpython-38.pyc │ │ │ ├── cross_entropy_loss.cpython-38.pyc │ │ │ ├── dice_loss.cpython-38.pyc │ │ │ ├── focal_loss.cpython-38.pyc │ │ │ ├── lovasz_loss.cpython-38.pyc │ │ │ └── utils.cpython-38.pyc │ │ ├── accuracy.py │ │ ├── cross_entropy_loss.py │ │ ├── dice_loss.py │ │ ├── focal_loss.py │ │ ├── lovasz_loss.py │ │ ├── mse_loss.py │ │ ├── smoth_l1_loss.py │ │ └── utils.py │ ├── necks │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-38.pyc │ │ │ ├── featurepyramid.cpython-38.pyc │ │ │ ├── fpn.cpython-38.pyc │ │ │ ├── ic_neck.cpython-38.pyc │ │ │ ├── jpu.cpython-38.pyc │ │ │ ├── mla_neck.cpython-38.pyc │ │ │ └── multilevel_neck.cpython-38.pyc │ │ ├── featurepyramid.py │ │ ├── fpn.py │ │ ├── ic_neck.py │ │ ├── jpu.py │ │ ├── mla_neck.py │ │ └── multilevel_neck.py │ ├── segmentors │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-38.pyc │ │ │ ├── base.cpython-38.pyc │ │ │ ├── cascade_encoder_decoder.cpython-38.pyc │ │ │ ├── encoder_decoder.cpython-38.pyc │ │ │ └── multi_domain_encoder_decoder.cpython-38.pyc │ │ ├── base.py │ │ ├── cascade_encoder_decoder.py │ │ ├── encoder_decoder.py │ │ └── multi_domain_encoder_decoder.py │ └── utils │ │ ├── __init__.py │ │ ├── __pycache__ │ │ ├── __init__.cpython-38.pyc │ │ ├── dalle_d_vae.cpython-38.pyc │ │ ├── embed.cpython-38.pyc │ │ ├── inverted_residual.cpython-38.pyc │ │ ├── make_divisible.cpython-38.pyc │ │ ├── res_layer.cpython-38.pyc │ │ ├── se_layer.cpython-38.pyc │ │ ├── self_attention_block.cpython-38.pyc │ │ ├── shape_convert.cpython-38.pyc │ │ └── up_conv_block.cpython-38.pyc │ │ ├── dalle_d_vae.py │ │ ├── embed.py │ │ ├── hsv.py │ │ ├── inverted_residual.py │ │ ├── make_divisible.py │ │ ├── res_layer.py │ │ ├── se_layer.py │ │ ├── self_attention_block.py │ │ ├── shape_convert.py │ │ └── up_conv_block.py ├── ops │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-38.pyc │ │ ├── encoding.cpython-38.pyc │ │ └── wrappers.cpython-38.pyc │ ├── encoding.py │ └── wrappers.py ├── utils │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-38.pyc │ │ ├── collect_env.cpython-38.pyc │ │ ├── logger.cpython-38.pyc │ │ ├── misc.cpython-38.pyc │ │ ├── set_env.cpython-38.pyc │ │ └── util_distribution.cpython-38.pyc │ ├── collect_env.py │ ├── logger.py │ ├── misc.py │ ├── set_env.py │ └── util_distribution.py └── version.py ├── mmsegmentation.egg-info ├── PKG-INFO ├── SOURCES.txt ├── dependency_links.txt ├── not-zip-safe ├── requires.txt └── top_level.txt ├── readme ├── DATA.md ├── INSTALL.md └── TRAIN.md ├── requirements.txt ├── requirements ├── docs.txt ├── mminstall.txt ├── optional.txt ├── readthedocs.txt ├── runtime.txt └── tests.txt ├── setup.cfg ├── setup.py └── tools ├── analyze_indices.ipynb ├── analyze_indices.py ├── analyze_logs.py ├── benchmark.py ├── browse_dataset.py ├── confusion_matrix.py ├── convert_datasets ├── chase_db1.py ├── cityscapes.py ├── coco_stuff10k.py ├── coco_stuff164k.py ├── drive.py ├── hrf.py ├── isaid.py ├── loveda.py ├── pascal_context.py ├── potsdam.py ├── stare.py ├── vaihingen.py └── voc_aug.py ├── deploy_test.py ├── dist_test.sh ├── dist_train.sh ├── download_pretrain_vqvae.sh ├── generate_mseg_split.py ├── get_flops.py ├── get_mseg_test_split_color.py ├── merge_checkpoints.py ├── model_converters ├── beit2mmseg.py ├── mit2mmseg.py ├── stdc2mmseg.py ├── swin2mmseg.py ├── twins2mmseg.py ├── vit2mmseg.py └── vitjax2mmseg.py ├── onnx2tensorrt.py ├── posterior_learning.py ├── print_config.py ├── publish_model.py ├── pytorch2onnx.py ├── pytorch2torchscript.py ├── slurm_test.sh ├── slurm_train.sh ├── test.py ├── torchserve ├── mmseg2torchserve.py ├── mmseg_handler.py └── test_torchserve.py └── train.py /.gitignore: -------------------------------------------------------------------------------- 1 | mmsegmentation.egg-info/* -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/README.md -------------------------------------------------------------------------------- /ckp/non_ckp.pth: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/ckp/non_ckp.pth -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/ade_20k_512x512.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/ade_20k_512x512.py -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/cityscapes_768x768.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/cityscapes_768x768.py -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_512x512.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_512x512.py -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/ade20k-150-relabeled/ade20k-150-relabeled_names.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/ade20k-150-relabeled/ade20k-150-relabeled_names.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/ade20k-150-relabeled/ade20k-150_colors.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/ade20k-150-relabeled/ade20k-150_colors.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/ade20k-150-relabeled/list/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/ade20k-150-relabeled/list/train.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/ade20k-150-relabeled/list/train_mmseg.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/ade20k-150-relabeled/list/train_mmseg.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/ade20k-150-relabeled/list/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/ade20k-150-relabeled/list/val.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/ade20k-150-relabeled/list/val_mmseg.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/ade20k-150-relabeled/list/val_mmseg.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/camvid-11/camvid-11_names.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/camvid-11/camvid-11_names.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/camvid-11/list/test.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/camvid-11/list/test.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/camvid-11/list/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/camvid-11/list/train.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/camvid-11/list/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/camvid-11/list/val.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/cityscapes-19-relabeled/cityscapes-19-relabeled_names.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/cityscapes-19-relabeled/cityscapes-19-relabeled_names.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/cityscapes-19-relabeled/cityscapes-19_colors.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/cityscapes-19-relabeled/cityscapes-19_colors.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/cityscapes-19-relabeled/list/fine_val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/cityscapes-19-relabeled/list/fine_val.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/cityscapes-19-relabeled/list/fine_val_small.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/cityscapes-19-relabeled/list/fine_val_small.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/cityscapes-19-relabeled/list/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/cityscapes-19-relabeled/list/train.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/cityscapes-19-relabeled/list/train_mmseg.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/cityscapes-19-relabeled/list/train_mmseg.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/cityscapes-19-relabeled/list/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/cityscapes-19-relabeled/list/val.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/cityscapes-19-relabeled/list/val_mmseg.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/cityscapes-19-relabeled/list/val_mmseg.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/coco-panoptic-133-relabeled/coco-panoptic-133-relabeled_names.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/coco-panoptic-133-relabeled/coco-panoptic-133-relabeled_names.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/coco-panoptic-133-relabeled/coco-panoptic-133_colors.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/coco-panoptic-133-relabeled/coco-panoptic-133_colors.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/coco-panoptic-133-relabeled/list/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/coco-panoptic-133-relabeled/list/train.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/coco-panoptic-133-relabeled/list/train_mmseg.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/coco-panoptic-133-relabeled/list/train_mmseg.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/coco-panoptic-133-relabeled/list/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/coco-panoptic-133-relabeled/list/val.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/coco-panoptic-133-relabeled/list/val_mmseg.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/coco-panoptic-133-relabeled/list/val_mmseg.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/coco-panoptic-133-relabeled/list/val_small.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/coco-panoptic-133-relabeled/list/val_small.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/idd-39-relabeled/idd-39-relabeled_names.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/idd-39-relabeled/idd-39-relabeled_names.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/idd-39-relabeled/list/test.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/idd-39-relabeled/list/test.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/idd-39-relabeled/list/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/idd-39-relabeled/list/train.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/idd-39-relabeled/list/train_mmseg.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/idd-39-relabeled/list/train_mmseg.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/idd-39-relabeled/list/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/idd-39-relabeled/list/val.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/idd-39-relabeled/list/val_mmseg.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/idd-39-relabeled/list/val_mmseg.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/kitti-19/kitti-19_colors.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/kitti-19/kitti-19_colors.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/kitti-19/kitti-19_names.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/kitti-19/kitti-19_names.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/kitti-19/list/test.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/kitti-19/list/test.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/kitti-19/list/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/kitti-19/list/train.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/kitti-19/list/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/kitti-19/list/val.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/mapillary-public65-relabeled/list/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/mapillary-public65-relabeled/list/train.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/mapillary-public65-relabeled/list/train_mmseg.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/mapillary-public65-relabeled/list/train_mmseg.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/mapillary-public65-relabeled/list/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/mapillary-public65-relabeled/list/val.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/mapillary-public65-relabeled/list/val_mmseg.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/mapillary-public65-relabeled/list/val_mmseg.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/mapillary-public65-relabeled/mapillary-public65-relabeled_names.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/mapillary-public65-relabeled/mapillary-public65-relabeled_names.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/pascal-context-60/list/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/pascal-context-60/list/train.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/pascal-context-60/list/trainval.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/pascal-context-60/list/trainval.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/pascal-context-60/list/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/pascal-context-60/list/val.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/pascal-context-60/pascal-context-60_names.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/pascal-context-60/pascal-context-60_names.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/scannet-20/list/test.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/scannet-20/list/test.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/scannet-20/list/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/scannet-20/list/train.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/scannet-20/list/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/scannet-20/list/val.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/scannet-20/list/val_mmseg.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/scannet-20/list/val_mmseg.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/scannet-20/list/val_small.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/scannet-20/list/val_small.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/scannet-20/scannet-20_names.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/scannet-20/scannet-20_names.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/sunrgbd-37-relabeled/list/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/sunrgbd-37-relabeled/list/train.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/sunrgbd-37-relabeled/list/train_mmseg.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/sunrgbd-37-relabeled/list/train_mmseg.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/sunrgbd-37-relabeled/list/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/sunrgbd-37-relabeled/list/val.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/sunrgbd-37-relabeled/list/val_mmseg.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/sunrgbd-37-relabeled/list/val_mmseg.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/sunrgbd-37-relabeled/sunrgbd-37-relabeled_names.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/sunrgbd-37-relabeled/sunrgbd-37-relabeled_names.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/voc2012/list/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/voc2012/list/train.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/voc2012/list/train_small.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/voc2012/list/train_small.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/voc2012/list/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/voc2012/list/val.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/voc2012/voc2012_names.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/voc2012/voc2012_names.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/wilddash-19/list/test.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/wilddash-19/list/test.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/wilddash-19/list/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/wilddash-19/list/train.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/wilddash-19/list/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/wilddash-19/list/val.txt -------------------------------------------------------------------------------- /configs/gss/_base_/datasets/mseg_dataset_lists/wilddash-19/wilddash-19_names.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/datasets/mseg_dataset_lists/wilddash-19/wilddash-19_names.txt -------------------------------------------------------------------------------- /configs/gss/_base_/default_runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/default_runtime.py -------------------------------------------------------------------------------- /configs/gss/_base_/models/gss-ff_hrnet-w48.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/models/gss-ff_hrnet-w48.py -------------------------------------------------------------------------------- /configs/gss/_base_/models/gss-ff_r101.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/models/gss-ff_r101.py -------------------------------------------------------------------------------- /configs/gss/_base_/models/gss-ff_swin-l.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/models/gss-ff_swin-l.py -------------------------------------------------------------------------------- /configs/gss/_base_/models/gss-ft-w_hrnet-w48.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/models/gss-ft-w_hrnet-w48.py -------------------------------------------------------------------------------- /configs/gss/_base_/models/gss-ft-w_r101.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/models/gss-ft-w_r101.py -------------------------------------------------------------------------------- /configs/gss/_base_/models/gss-ft-w_swin-l.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/_base_/models/gss-ft-w_swin-l.py -------------------------------------------------------------------------------- /configs/gss/ade20k/dalle_reconstruction_ade20k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/ade20k/dalle_reconstruction_ade20k.py -------------------------------------------------------------------------------- /configs/gss/ade20k/gss-ff_swin-l_512x512_160k_ade20k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/ade20k/gss-ff_swin-l_512x512_160k_ade20k.py -------------------------------------------------------------------------------- /configs/gss/ade20k/gss-ft-w_swin-l_512x512_160k_ade20k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/ade20k/gss-ft-w_swin-l_512x512_160k_ade20k.py -------------------------------------------------------------------------------- /configs/gss/cityscapes/dalle_reconstruction_cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/cityscapes/dalle_reconstruction_cityscapes.py -------------------------------------------------------------------------------- /configs/gss/cityscapes/gss-ff_r101_768x768_80k_cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/cityscapes/gss-ff_r101_768x768_80k_cityscapes.py -------------------------------------------------------------------------------- /configs/gss/cityscapes/gss-ff_swin-l_768x768_80k_cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/cityscapes/gss-ff_swin-l_768x768_80k_cityscapes.py -------------------------------------------------------------------------------- /configs/gss/cityscapes/gss-ft-w_r101_768x768_80k_40k_cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/cityscapes/gss-ft-w_r101_768x768_80k_40k_cityscapes.py -------------------------------------------------------------------------------- /configs/gss/cityscapes/gss-ft-w_swin-l_768x768_80k_40k_cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/cityscapes/gss-ft-w_swin-l_768x768_80k_40k_cityscapes.py -------------------------------------------------------------------------------- /configs/gss/mseg/dalle_reconstruction_mseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/mseg/dalle_reconstruction_mseg.py -------------------------------------------------------------------------------- /configs/gss/mseg/gss-ff_hrnet-w48_512x512_160k_mseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/mseg/gss-ff_hrnet-w48_512x512_160k_mseg.py -------------------------------------------------------------------------------- /configs/gss/mseg/gss-ff_swin-l_512x512_160k_mseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/mseg/gss-ff_swin-l_512x512_160k_mseg.py -------------------------------------------------------------------------------- /configs/gss/mseg/gss-ft-w_hrnet-w48_512x512_160k_40k_mseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/mseg/gss-ft-w_hrnet-w48_512x512_160k_40k_mseg.py -------------------------------------------------------------------------------- /configs/gss/mseg/gss-ft-w_swin-l_512x512_160k_40k_mseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/configs/gss/mseg/gss-ft-w_swin-l_512x512_160k_40k_mseg.py -------------------------------------------------------------------------------- /demo/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /figures/dinosaur.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/figures/dinosaur.png -------------------------------------------------------------------------------- /figures/framework.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/figures/framework.png -------------------------------------------------------------------------------- /mmseg/.mim/configs: -------------------------------------------------------------------------------- 1 | ../../configs -------------------------------------------------------------------------------- /mmseg/.mim/tools: -------------------------------------------------------------------------------- 1 | ../../tools -------------------------------------------------------------------------------- /mmseg/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/__init__.py -------------------------------------------------------------------------------- /mmseg/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/__pycache__/version.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/__pycache__/version.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/apis/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/apis/__init__.py -------------------------------------------------------------------------------- /mmseg/apis/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/apis/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/apis/__pycache__/inference.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/apis/__pycache__/inference.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/apis/__pycache__/test.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/apis/__pycache__/test.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/apis/__pycache__/train.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/apis/__pycache__/train.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/apis/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/apis/inference.py -------------------------------------------------------------------------------- /mmseg/apis/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/apis/test.py -------------------------------------------------------------------------------- /mmseg/apis/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/apis/train.py -------------------------------------------------------------------------------- /mmseg/core/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/__init__.py -------------------------------------------------------------------------------- /mmseg/core/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/__pycache__/builder.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/__pycache__/builder.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/builder.py -------------------------------------------------------------------------------- /mmseg/core/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/evaluation/__init__.py -------------------------------------------------------------------------------- /mmseg/core/evaluation/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/evaluation/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/evaluation/__pycache__/class_names.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/evaluation/__pycache__/class_names.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/evaluation/__pycache__/eval_hooks.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/evaluation/__pycache__/eval_hooks.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/evaluation/__pycache__/metrics.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/evaluation/__pycache__/metrics.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/evaluation/class_names.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/evaluation/class_names.py -------------------------------------------------------------------------------- /mmseg/core/evaluation/eval_hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/evaluation/eval_hooks.py -------------------------------------------------------------------------------- /mmseg/core/evaluation/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/evaluation/metrics.py -------------------------------------------------------------------------------- /mmseg/core/hook/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/hook/__init__.py -------------------------------------------------------------------------------- /mmseg/core/hook/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/hook/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/hook/__pycache__/wandblogger_hook.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/hook/__pycache__/wandblogger_hook.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/hook/wandblogger_hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/hook/wandblogger_hook.py -------------------------------------------------------------------------------- /mmseg/core/optimizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/optimizers/__init__.py -------------------------------------------------------------------------------- /mmseg/core/optimizers/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/optimizers/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/optimizers/__pycache__/layer_decay_optimizer_constructor.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/optimizers/__pycache__/layer_decay_optimizer_constructor.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/optimizers/layer_decay_optimizer_constructor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/optimizers/layer_decay_optimizer_constructor.py -------------------------------------------------------------------------------- /mmseg/core/seg/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/seg/__init__.py -------------------------------------------------------------------------------- /mmseg/core/seg/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/seg/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/seg/__pycache__/builder.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/seg/__pycache__/builder.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/seg/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/seg/builder.py -------------------------------------------------------------------------------- /mmseg/core/seg/sampler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/seg/sampler/__init__.py -------------------------------------------------------------------------------- /mmseg/core/seg/sampler/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/seg/sampler/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/seg/sampler/__pycache__/base_pixel_sampler.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/seg/sampler/__pycache__/base_pixel_sampler.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/seg/sampler/__pycache__/ohem_pixel_sampler.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/seg/sampler/__pycache__/ohem_pixel_sampler.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/seg/sampler/base_pixel_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/seg/sampler/base_pixel_sampler.py -------------------------------------------------------------------------------- /mmseg/core/seg/sampler/ohem_pixel_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/seg/sampler/ohem_pixel_sampler.py -------------------------------------------------------------------------------- /mmseg/core/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/utils/__init__.py -------------------------------------------------------------------------------- /mmseg/core/utils/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/utils/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/utils/__pycache__/dist_util.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/utils/__pycache__/dist_util.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/utils/__pycache__/misc.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/utils/__pycache__/misc.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/core/utils/dist_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/utils/dist_util.py -------------------------------------------------------------------------------- /mmseg/core/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/core/utils/misc.py -------------------------------------------------------------------------------- /mmseg/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__init__.py -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/ade.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/ade.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/builder.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/builder.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/chase_db1.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/chase_db1.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/cityscapes.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/cityscapes.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/coco_stuff.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/coco_stuff.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/custom.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/custom.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/dark_zurich.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/dark_zurich.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/dataset_wrappers.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/dataset_wrappers.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/drive.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/drive.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/hrf.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/hrf.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/isaid.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/isaid.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/isprs.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/isprs.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/loveda.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/loveda.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/mseg.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/mseg.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/night_driving.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/night_driving.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/pascal_context.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/pascal_context.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/potsdam.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/potsdam.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/stare.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/stare.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/__pycache__/voc.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/__pycache__/voc.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/ade.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/ade.py -------------------------------------------------------------------------------- /mmseg/datasets/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/builder.py -------------------------------------------------------------------------------- /mmseg/datasets/chase_db1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/chase_db1.py -------------------------------------------------------------------------------- /mmseg/datasets/cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/cityscapes.py -------------------------------------------------------------------------------- /mmseg/datasets/coco_stuff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/coco_stuff.py -------------------------------------------------------------------------------- /mmseg/datasets/custom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/custom.py -------------------------------------------------------------------------------- /mmseg/datasets/dark_zurich.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/dark_zurich.py -------------------------------------------------------------------------------- /mmseg/datasets/dataset_wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/dataset_wrappers.py -------------------------------------------------------------------------------- /mmseg/datasets/drive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/drive.py -------------------------------------------------------------------------------- /mmseg/datasets/hrf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/hrf.py -------------------------------------------------------------------------------- /mmseg/datasets/isaid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/isaid.py -------------------------------------------------------------------------------- /mmseg/datasets/isprs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/isprs.py -------------------------------------------------------------------------------- /mmseg/datasets/loveda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/loveda.py -------------------------------------------------------------------------------- /mmseg/datasets/mseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/mseg.py -------------------------------------------------------------------------------- /mmseg/datasets/night_driving.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/night_driving.py -------------------------------------------------------------------------------- /mmseg/datasets/pascal_context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/pascal_context.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/pipelines/__init__.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/pipelines/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/__pycache__/compose.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/pipelines/__pycache__/compose.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/__pycache__/formatting.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/pipelines/__pycache__/formatting.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/__pycache__/loading.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/pipelines/__pycache__/loading.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/__pycache__/test_time_aug.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/pipelines/__pycache__/test_time_aug.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/__pycache__/transforms.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/pipelines/__pycache__/transforms.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/compose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/pipelines/compose.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/formating.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/pipelines/formating.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/formatting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/pipelines/formatting.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/loading.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/pipelines/loading.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/test_time_aug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/pipelines/test_time_aug.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/pipelines/transforms.py -------------------------------------------------------------------------------- /mmseg/datasets/potsdam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/potsdam.py -------------------------------------------------------------------------------- /mmseg/datasets/samplers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/samplers/__init__.py -------------------------------------------------------------------------------- /mmseg/datasets/samplers/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/samplers/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/samplers/__pycache__/distributed_sampler.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/samplers/__pycache__/distributed_sampler.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/datasets/samplers/distributed_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/samplers/distributed_sampler.py -------------------------------------------------------------------------------- /mmseg/datasets/stare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/stare.py -------------------------------------------------------------------------------- /mmseg/datasets/voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/datasets/voc.py -------------------------------------------------------------------------------- /mmseg/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/__init__.py -------------------------------------------------------------------------------- /mmseg/models/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/__pycache__/builder.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/__pycache__/builder.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__init__.py -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/beit.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/beit.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/bisenetv1.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/bisenetv1.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/bisenetv2.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/bisenetv2.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/cgnet.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/cgnet.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/erfnet.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/erfnet.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/fast_scnn.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/fast_scnn.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/hrnet.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/hrnet.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/icnet.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/icnet.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/mae.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/mae.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/mit.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/mit.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/mobilenet_v2.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/mobilenet_v2.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/mobilenet_v3.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/mobilenet_v3.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/none_backone.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/none_backone.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/resnest.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/resnest.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/resnet.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/resnet.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/resnext.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/resnext.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/stdc.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/stdc.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/swin.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/swin.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/swin_mask.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/swin_mask.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/timm_backbone.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/timm_backbone.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/twins.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/twins.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/unet.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/unet.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/__pycache__/vit.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/__pycache__/vit.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/backbones/beit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/beit.py -------------------------------------------------------------------------------- /mmseg/models/backbones/bisenetv1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/bisenetv1.py -------------------------------------------------------------------------------- /mmseg/models/backbones/bisenetv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/bisenetv2.py -------------------------------------------------------------------------------- /mmseg/models/backbones/cgnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/cgnet.py -------------------------------------------------------------------------------- /mmseg/models/backbones/erfnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/erfnet.py -------------------------------------------------------------------------------- /mmseg/models/backbones/fast_scnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/fast_scnn.py -------------------------------------------------------------------------------- /mmseg/models/backbones/hrnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/hrnet.py -------------------------------------------------------------------------------- /mmseg/models/backbones/icnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/icnet.py -------------------------------------------------------------------------------- /mmseg/models/backbones/mae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/mae.py -------------------------------------------------------------------------------- /mmseg/models/backbones/mit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/mit.py -------------------------------------------------------------------------------- /mmseg/models/backbones/mobilenet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/mobilenet_v2.py -------------------------------------------------------------------------------- /mmseg/models/backbones/mobilenet_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/mobilenet_v3.py -------------------------------------------------------------------------------- /mmseg/models/backbones/none_backone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/none_backone.py -------------------------------------------------------------------------------- /mmseg/models/backbones/resnest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/resnest.py -------------------------------------------------------------------------------- /mmseg/models/backbones/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/resnet.py -------------------------------------------------------------------------------- /mmseg/models/backbones/resnext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/resnext.py -------------------------------------------------------------------------------- /mmseg/models/backbones/stdc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/stdc.py -------------------------------------------------------------------------------- /mmseg/models/backbones/swin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/swin.py -------------------------------------------------------------------------------- /mmseg/models/backbones/swin_mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/swin_mask.py -------------------------------------------------------------------------------- /mmseg/models/backbones/timm_backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/timm_backbone.py -------------------------------------------------------------------------------- /mmseg/models/backbones/twins.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/twins.py -------------------------------------------------------------------------------- /mmseg/models/backbones/unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/unet.py -------------------------------------------------------------------------------- /mmseg/models/backbones/vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/backbones/vit.py -------------------------------------------------------------------------------- /mmseg/models/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/builder.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__init__.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/ann_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/ann_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/apc_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/apc_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/aspp_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/aspp_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/cascade_decode_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/cascade_decode_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/cc_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/cc_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/da_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/da_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/decode_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/decode_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/dm_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/dm_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/dnl_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/dnl_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/dpt_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/dpt_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/ema_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/ema_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/enc_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/enc_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/fcn_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/fcn_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/fpn_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/fpn_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/gc_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/gc_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/generative_segmentation_head_ff.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/generative_segmentation_head_ff.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/generative_segmentation_head_ff_single_fusion.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/generative_segmentation_head_ff_single_fusion.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/generative_segmentation_head_ftw.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/generative_segmentation_head_ftw.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/isa_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/isa_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/knet_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/knet_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/lraspp_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/lraspp_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/nl_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/nl_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/ocr_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/ocr_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/point_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/point_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/psa_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/psa_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/psp_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/psp_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/segformer_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/segformer_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/segmenter_mask_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/segmenter_mask_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/sep_aspp_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/sep_aspp_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/sep_fcn_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/sep_fcn_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/setr_mla_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/setr_mla_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/setr_up_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/setr_up_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/stdc_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/stdc_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__pycache__/uper_head.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/__pycache__/uper_head.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/decode_heads/ann_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/ann_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/apc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/apc_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/aspp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/aspp_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/cascade_decode_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/cascade_decode_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/cc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/cc_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/da_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/da_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/decode_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/decode_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/dm_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/dm_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/dnl_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/dnl_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/dpt_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/dpt_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/edit_indice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/edit_indice.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/ema_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/ema_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/enc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/enc_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/fcn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/fcn_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/fpn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/fpn_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/gc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/gc_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/generative_segmentation_head_ff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/generative_segmentation_head_ff.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/generative_segmentation_head_ff_single_fusion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/generative_segmentation_head_ff_single_fusion.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/generative_segmentation_head_ftw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/generative_segmentation_head_ftw.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/isa_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/isa_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/knet_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/knet_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/lraspp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/lraspp_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/modules/__init__.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/modules/none_backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/modules/none_backbone.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/modules/swin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/modules/swin.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/modules/vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/modules/vit.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/nearest_embed_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/nearest_embed_utils.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/nl_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/nl_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/ocr_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/ocr_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/point_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/point_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/psa_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/psa_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/psp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/psp_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/segformer_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/segformer_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/segmenter_mask_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/segmenter_mask_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/sep_aspp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/sep_aspp_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/sep_fcn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/sep_fcn_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/setr_mla_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/setr_mla_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/setr_up_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/setr_up_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/stdc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/stdc_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/uper_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/uper_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/vqgan/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /mmseg/models/decode_heads/vqgan/vqgan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/decode_heads/vqgan/vqgan.py -------------------------------------------------------------------------------- /mmseg/models/losses/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/losses/__init__.py -------------------------------------------------------------------------------- /mmseg/models/losses/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/losses/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/losses/__pycache__/accuracy.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/losses/__pycache__/accuracy.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/losses/__pycache__/cross_entropy_loss.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/losses/__pycache__/cross_entropy_loss.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/losses/__pycache__/dice_loss.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/losses/__pycache__/dice_loss.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/losses/__pycache__/focal_loss.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/losses/__pycache__/focal_loss.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/losses/__pycache__/lovasz_loss.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/losses/__pycache__/lovasz_loss.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/losses/__pycache__/utils.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/losses/__pycache__/utils.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/losses/accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/losses/accuracy.py -------------------------------------------------------------------------------- /mmseg/models/losses/cross_entropy_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/losses/cross_entropy_loss.py -------------------------------------------------------------------------------- /mmseg/models/losses/dice_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/losses/dice_loss.py -------------------------------------------------------------------------------- /mmseg/models/losses/focal_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/losses/focal_loss.py -------------------------------------------------------------------------------- /mmseg/models/losses/lovasz_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/losses/lovasz_loss.py -------------------------------------------------------------------------------- /mmseg/models/losses/mse_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/losses/mse_loss.py -------------------------------------------------------------------------------- /mmseg/models/losses/smoth_l1_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/losses/smoth_l1_loss.py -------------------------------------------------------------------------------- /mmseg/models/losses/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/losses/utils.py -------------------------------------------------------------------------------- /mmseg/models/necks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/necks/__init__.py -------------------------------------------------------------------------------- /mmseg/models/necks/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/necks/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/necks/__pycache__/featurepyramid.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/necks/__pycache__/featurepyramid.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/necks/__pycache__/fpn.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/necks/__pycache__/fpn.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/necks/__pycache__/ic_neck.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/necks/__pycache__/ic_neck.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/necks/__pycache__/jpu.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/necks/__pycache__/jpu.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/necks/__pycache__/mla_neck.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/necks/__pycache__/mla_neck.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/necks/__pycache__/multilevel_neck.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/necks/__pycache__/multilevel_neck.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/necks/featurepyramid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/necks/featurepyramid.py -------------------------------------------------------------------------------- /mmseg/models/necks/fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/necks/fpn.py -------------------------------------------------------------------------------- /mmseg/models/necks/ic_neck.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/necks/ic_neck.py -------------------------------------------------------------------------------- /mmseg/models/necks/jpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/necks/jpu.py -------------------------------------------------------------------------------- /mmseg/models/necks/mla_neck.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/necks/mla_neck.py -------------------------------------------------------------------------------- /mmseg/models/necks/multilevel_neck.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/necks/multilevel_neck.py -------------------------------------------------------------------------------- /mmseg/models/segmentors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/segmentors/__init__.py -------------------------------------------------------------------------------- /mmseg/models/segmentors/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/segmentors/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/segmentors/__pycache__/base.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/segmentors/__pycache__/base.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/segmentors/__pycache__/cascade_encoder_decoder.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/segmentors/__pycache__/cascade_encoder_decoder.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/segmentors/__pycache__/encoder_decoder.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/segmentors/__pycache__/encoder_decoder.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/segmentors/__pycache__/multi_domain_encoder_decoder.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/segmentors/__pycache__/multi_domain_encoder_decoder.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/segmentors/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/segmentors/base.py -------------------------------------------------------------------------------- /mmseg/models/segmentors/cascade_encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/segmentors/cascade_encoder_decoder.py -------------------------------------------------------------------------------- /mmseg/models/segmentors/encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/segmentors/encoder_decoder.py -------------------------------------------------------------------------------- /mmseg/models/segmentors/multi_domain_encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/segmentors/multi_domain_encoder_decoder.py -------------------------------------------------------------------------------- /mmseg/models/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/__init__.py -------------------------------------------------------------------------------- /mmseg/models/utils/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/utils/__pycache__/dalle_d_vae.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/__pycache__/dalle_d_vae.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/utils/__pycache__/embed.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/__pycache__/embed.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/utils/__pycache__/inverted_residual.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/__pycache__/inverted_residual.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/utils/__pycache__/make_divisible.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/__pycache__/make_divisible.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/utils/__pycache__/res_layer.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/__pycache__/res_layer.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/utils/__pycache__/se_layer.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/__pycache__/se_layer.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/utils/__pycache__/self_attention_block.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/__pycache__/self_attention_block.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/utils/__pycache__/shape_convert.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/__pycache__/shape_convert.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/utils/__pycache__/up_conv_block.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/__pycache__/up_conv_block.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/models/utils/dalle_d_vae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/dalle_d_vae.py -------------------------------------------------------------------------------- /mmseg/models/utils/embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/embed.py -------------------------------------------------------------------------------- /mmseg/models/utils/hsv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/hsv.py -------------------------------------------------------------------------------- /mmseg/models/utils/inverted_residual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/inverted_residual.py -------------------------------------------------------------------------------- /mmseg/models/utils/make_divisible.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/make_divisible.py -------------------------------------------------------------------------------- /mmseg/models/utils/res_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/res_layer.py -------------------------------------------------------------------------------- /mmseg/models/utils/se_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/se_layer.py -------------------------------------------------------------------------------- /mmseg/models/utils/self_attention_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/self_attention_block.py -------------------------------------------------------------------------------- /mmseg/models/utils/shape_convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/shape_convert.py -------------------------------------------------------------------------------- /mmseg/models/utils/up_conv_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/models/utils/up_conv_block.py -------------------------------------------------------------------------------- /mmseg/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/ops/__init__.py -------------------------------------------------------------------------------- /mmseg/ops/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/ops/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/ops/__pycache__/encoding.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/ops/__pycache__/encoding.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/ops/__pycache__/wrappers.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/ops/__pycache__/wrappers.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/ops/encoding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/ops/encoding.py -------------------------------------------------------------------------------- /mmseg/ops/wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/ops/wrappers.py -------------------------------------------------------------------------------- /mmseg/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/utils/__init__.py -------------------------------------------------------------------------------- /mmseg/utils/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/utils/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/utils/__pycache__/collect_env.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/utils/__pycache__/collect_env.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/utils/__pycache__/logger.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/utils/__pycache__/logger.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/utils/__pycache__/misc.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/utils/__pycache__/misc.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/utils/__pycache__/set_env.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/utils/__pycache__/set_env.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/utils/__pycache__/util_distribution.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/utils/__pycache__/util_distribution.cpython-38.pyc -------------------------------------------------------------------------------- /mmseg/utils/collect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/utils/collect_env.py -------------------------------------------------------------------------------- /mmseg/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/utils/logger.py -------------------------------------------------------------------------------- /mmseg/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/utils/misc.py -------------------------------------------------------------------------------- /mmseg/utils/set_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/utils/set_env.py -------------------------------------------------------------------------------- /mmseg/utils/util_distribution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/utils/util_distribution.py -------------------------------------------------------------------------------- /mmseg/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmseg/version.py -------------------------------------------------------------------------------- /mmsegmentation.egg-info/PKG-INFO: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmsegmentation.egg-info/PKG-INFO -------------------------------------------------------------------------------- /mmsegmentation.egg-info/SOURCES.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmsegmentation.egg-info/SOURCES.txt -------------------------------------------------------------------------------- /mmsegmentation.egg-info/dependency_links.txt: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /mmsegmentation.egg-info/not-zip-safe: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /mmsegmentation.egg-info/requires.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/mmsegmentation.egg-info/requires.txt -------------------------------------------------------------------------------- /mmsegmentation.egg-info/top_level.txt: -------------------------------------------------------------------------------- 1 | mmseg 2 | -------------------------------------------------------------------------------- /readme/DATA.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/readme/DATA.md -------------------------------------------------------------------------------- /readme/INSTALL.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/readme/INSTALL.md -------------------------------------------------------------------------------- /readme/TRAIN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/readme/TRAIN.md -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/requirements.txt -------------------------------------------------------------------------------- /requirements/docs.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/requirements/docs.txt -------------------------------------------------------------------------------- /requirements/mminstall.txt: -------------------------------------------------------------------------------- 1 | mmcls>=0.20.1 2 | mmcv-full>=1.4.4,<1.7.0 3 | -------------------------------------------------------------------------------- /requirements/optional.txt: -------------------------------------------------------------------------------- 1 | cityscapesscripts 2 | -------------------------------------------------------------------------------- /requirements/readthedocs.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/requirements/readthedocs.txt -------------------------------------------------------------------------------- /requirements/runtime.txt: -------------------------------------------------------------------------------- 1 | matplotlib 2 | mmcls>=0.20.1 3 | numpy 4 | packaging 5 | prettytable 6 | -------------------------------------------------------------------------------- /requirements/tests.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/requirements/tests.txt -------------------------------------------------------------------------------- /setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/setup.cfg -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/setup.py -------------------------------------------------------------------------------- /tools/analyze_indices.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/analyze_indices.ipynb -------------------------------------------------------------------------------- /tools/analyze_indices.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/analyze_indices.py -------------------------------------------------------------------------------- /tools/analyze_logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/analyze_logs.py -------------------------------------------------------------------------------- /tools/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/benchmark.py -------------------------------------------------------------------------------- /tools/browse_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/browse_dataset.py -------------------------------------------------------------------------------- /tools/confusion_matrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/confusion_matrix.py -------------------------------------------------------------------------------- /tools/convert_datasets/chase_db1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/convert_datasets/chase_db1.py -------------------------------------------------------------------------------- /tools/convert_datasets/cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/convert_datasets/cityscapes.py -------------------------------------------------------------------------------- /tools/convert_datasets/coco_stuff10k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/convert_datasets/coco_stuff10k.py -------------------------------------------------------------------------------- /tools/convert_datasets/coco_stuff164k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/convert_datasets/coco_stuff164k.py -------------------------------------------------------------------------------- /tools/convert_datasets/drive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/convert_datasets/drive.py -------------------------------------------------------------------------------- /tools/convert_datasets/hrf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/convert_datasets/hrf.py -------------------------------------------------------------------------------- /tools/convert_datasets/isaid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/convert_datasets/isaid.py -------------------------------------------------------------------------------- /tools/convert_datasets/loveda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/convert_datasets/loveda.py -------------------------------------------------------------------------------- /tools/convert_datasets/pascal_context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/convert_datasets/pascal_context.py -------------------------------------------------------------------------------- /tools/convert_datasets/potsdam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/convert_datasets/potsdam.py -------------------------------------------------------------------------------- /tools/convert_datasets/stare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/convert_datasets/stare.py -------------------------------------------------------------------------------- /tools/convert_datasets/vaihingen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/convert_datasets/vaihingen.py -------------------------------------------------------------------------------- /tools/convert_datasets/voc_aug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/convert_datasets/voc_aug.py -------------------------------------------------------------------------------- /tools/deploy_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/deploy_test.py -------------------------------------------------------------------------------- /tools/dist_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/dist_test.sh -------------------------------------------------------------------------------- /tools/dist_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/dist_train.sh -------------------------------------------------------------------------------- /tools/download_pretrain_vqvae.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/download_pretrain_vqvae.sh -------------------------------------------------------------------------------- /tools/generate_mseg_split.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/generate_mseg_split.py -------------------------------------------------------------------------------- /tools/get_flops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/get_flops.py -------------------------------------------------------------------------------- /tools/get_mseg_test_split_color.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/get_mseg_test_split_color.py -------------------------------------------------------------------------------- /tools/merge_checkpoints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/merge_checkpoints.py -------------------------------------------------------------------------------- /tools/model_converters/beit2mmseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/model_converters/beit2mmseg.py -------------------------------------------------------------------------------- /tools/model_converters/mit2mmseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/model_converters/mit2mmseg.py -------------------------------------------------------------------------------- /tools/model_converters/stdc2mmseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/model_converters/stdc2mmseg.py -------------------------------------------------------------------------------- /tools/model_converters/swin2mmseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/model_converters/swin2mmseg.py -------------------------------------------------------------------------------- /tools/model_converters/twins2mmseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/model_converters/twins2mmseg.py -------------------------------------------------------------------------------- /tools/model_converters/vit2mmseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/model_converters/vit2mmseg.py -------------------------------------------------------------------------------- /tools/model_converters/vitjax2mmseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/model_converters/vitjax2mmseg.py -------------------------------------------------------------------------------- /tools/onnx2tensorrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/onnx2tensorrt.py -------------------------------------------------------------------------------- /tools/posterior_learning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/posterior_learning.py -------------------------------------------------------------------------------- /tools/print_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/print_config.py -------------------------------------------------------------------------------- /tools/publish_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/publish_model.py -------------------------------------------------------------------------------- /tools/pytorch2onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/pytorch2onnx.py -------------------------------------------------------------------------------- /tools/pytorch2torchscript.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/pytorch2torchscript.py -------------------------------------------------------------------------------- /tools/slurm_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/slurm_test.sh -------------------------------------------------------------------------------- /tools/slurm_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/slurm_train.sh -------------------------------------------------------------------------------- /tools/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/test.py -------------------------------------------------------------------------------- /tools/torchserve/mmseg2torchserve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/torchserve/mmseg2torchserve.py -------------------------------------------------------------------------------- /tools/torchserve/mmseg_handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/torchserve/mmseg_handler.py -------------------------------------------------------------------------------- /tools/torchserve/test_torchserve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/torchserve/test_torchserve.py -------------------------------------------------------------------------------- /tools/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fudan-zvg/GSS/HEAD/tools/train.py --------------------------------------------------------------------------------