├── .circleci ├── config.yml ├── docker │ └── Dockerfile ├── scripts │ └── get_mmcv_var.sh └── test.yml ├── .dev ├── batch_test_list.py ├── batch_train_list.txt ├── benchmark_evaluation.sh ├── benchmark_inference.py ├── benchmark_train.sh ├── check_urls.py ├── gather_benchmark_evaluation_results.py ├── gather_benchmark_train_results.py ├── gather_models.py ├── generate_benchmark_evaluation_script.py ├── generate_benchmark_train_script.py ├── log_collector │ ├── example_config.py │ ├── log_collector.py │ ├── readme.md │ └── utils.py ├── md2yml.py └── upload_modelzoo.py ├── .github ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── ISSUE_TEMPLATE │ ├── config.yml │ ├── error-report.md │ ├── feature_request.md │ ├── general_questions.md │ └── reimplementation_questions.md ├── pull_request_template.md └── workflows │ ├── build.yml │ ├── deploy.yml │ ├── lint.yml │ └── test_mim.yml ├── .gitignore ├── .owners.yml ├── .pre-commit-config.yaml ├── .readthedocs.yml ├── BOA Reflectance-10m_MTD_MSIL2A.tfw ├── CITATION.cff ├── ISODATA.py ├── ISODATA ├── ISODATA.py ├── ISODATA02.py ├── or_196560080.tif └── or_196560080.tif.histInfo.xml ├── ISODATA02.py ├── ISODATA_out.tif ├── Kmeans1.py ├── LICENSE ├── LICENSES.md ├── MANIFEST.in ├── Modeldemo.py ├── README.md ├── README_zh-CN.md ├── RandomForest.py ├── Result1.tif.histInfo.xml ├── Result1.tif.ovr ├── TrainByRandomForest.py ├── configs ├── _base_ │ ├── datasets │ │ └── loveda.py │ ├── default_runtime.py │ ├── models │ │ ├── deeplabv3_r50-d8.py │ │ ├── deeplabv3_unet_s5-d16.py │ │ ├── deeplabv3plus_r50-d8.py │ │ ├── fast_scnn.py │ │ ├── fastfcn_r50-d32_jpu_psp.py │ │ ├── fcn_hr18.py │ │ ├── fcn_r50-d8.py │ │ ├── fcn_unet_s5-d16.py │ │ ├── psanet_r50-d8.py │ │ ├── pspnet_r50-d8.py │ │ └── pspnet_unet_s5-d16.py │ └── schedules │ │ ├── schedule_160k.py │ │ ├── schedule_20k.py │ │ ├── schedule_320k.py │ │ ├── schedule_40k.py │ │ └── schedule_80k.py ├── deeplabv3plus │ ├── README.md │ ├── deeplabv3plus.yml │ ├── deeplabv3plus_r101-d8_512x512_80k_loveda.py │ ├── deeplabv3plus_r18-d8_512x512_80k_loveda.py │ └── deeplabv3plus_r50-d8_512x512_80k_loveda.py ├── hrnet │ ├── README.md │ ├── fcn_hr18_512x512_80k_loveda.py │ ├── fcn_hr18s_512x512_80k_loveda.py │ ├── fcn_hr48_512x512_80k_loveda.py │ └── hrnet.yml └── pspnet │ ├── README.md │ ├── pspnet.yml │ ├── pspnet_r101-d8_512x512_80k_loveda.py │ ├── pspnet_r18-d8_512x512_80k_loveda.py │ └── pspnet_r50-d8_512x512_80k_loveda.py ├── deep_18.tif ├── deeplab_101.tif ├── deeplabv3plus_r101-d8.py ├── deeplabv3plus_r101_d8.py ├── deeplabv3plus_r18-d8.py ├── deeplabv3plus_r18_d8.py ├── demo.py ├── demo ├── 0.png ├── 1367.png ├── 33.png ├── MMSegmentation_Tutorial.ipynb ├── demo.png ├── image_demo.py ├── inference_demo.ipynb ├── or_196560080.tif └── video_demo.py ├── docker ├── Dockerfile └── serve │ ├── Dockerfile │ ├── config.properties │ └── entrypoint.sh ├── fcn_hr48.py ├── fcn_hr48_1.py ├── feijiandu.txt ├── hrnet_fcn.tif ├── mmseg ├── __init__.py ├── apis │ ├── __init__.py │ ├── inference.py │ ├── test.py │ └── train.py ├── core │ ├── __init__.py │ ├── builder.py │ ├── evaluation │ │ ├── __init__.py │ │ ├── class_names.py │ │ ├── eval_hooks.py │ │ └── metrics.py │ ├── hook │ │ ├── __init__.py │ │ └── wandblogger_hook.py │ ├── optimizers │ │ ├── __init__.py │ │ └── layer_decay_optimizer_constructor.py │ ├── seg │ │ ├── __init__.py │ │ ├── builder.py │ │ └── sampler │ │ │ ├── __init__.py │ │ │ ├── base_pixel_sampler.py │ │ │ └── ohem_pixel_sampler.py │ └── utils │ │ ├── __init__.py │ │ ├── dist_util.py │ │ └── misc.py ├── datasets │ ├── __init__.py │ ├── ade.py │ ├── builder.py │ ├── chase_db1.py │ ├── cityscapes.py │ ├── coco_stuff.py │ ├── custom.py │ ├── dark_zurich.py │ ├── dataset_wrappers.py │ ├── drive.py │ ├── face.py │ ├── hrf.py │ ├── imagenets.py │ ├── isaid.py │ ├── isprs.py │ ├── loveda.py │ ├── night_driving.py │ ├── pascal_context.py │ ├── pipelines │ │ ├── __init__.py │ │ ├── compose.py │ │ ├── formating.py │ │ ├── formatting.py │ │ ├── loading.py │ │ ├── test_time_aug.py │ │ └── transforms.py │ ├── potsdam.py │ ├── samplers │ │ ├── __init__.py │ │ └── distributed_sampler.py │ ├── stare.py │ └── voc.py ├── models │ ├── __init__.py │ ├── backbones │ │ ├── __init__.py │ │ ├── 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 │ │ ├── resnest.py │ │ ├── resnet.py │ │ ├── resnext.py │ │ ├── stdc.py │ │ ├── swin.py │ │ ├── timm_backbone.py │ │ ├── twins.py │ │ ├── unet.py │ │ └── vit.py │ ├── builder.py │ ├── decode_heads │ │ ├── __init__.py │ │ ├── ann_head.py │ │ ├── apc_head.py │ │ ├── aspp_head.py │ │ ├── cascade_decode_head.py │ │ ├── cc_head.py │ │ ├── da_head.py │ │ ├── decode_head.py │ │ ├── dm_head.py │ │ ├── dnl_head.py │ │ ├── dpt_head.py │ │ ├── ema_head.py │ │ ├── enc_head.py │ │ ├── fcn_head.py │ │ ├── fpn_head.py │ │ ├── gc_head.py │ │ ├── isa_head.py │ │ ├── knet_head.py │ │ ├── lraspp_head.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 │ ├── losses │ │ ├── __init__.py │ │ ├── accuracy.py │ │ ├── cross_entropy_loss.py │ │ ├── dice_loss.py │ │ ├── focal_loss.py │ │ ├── lovasz_loss.py │ │ ├── tversky_loss.py │ │ └── utils.py │ ├── necks │ │ ├── __init__.py │ │ ├── featurepyramid.py │ │ ├── fpn.py │ │ ├── ic_neck.py │ │ ├── jpu.py │ │ ├── mla_neck.py │ │ └── multilevel_neck.py │ ├── segmentors │ │ ├── __init__.py │ │ ├── base.py │ │ ├── cascade_encoder_decoder.py │ │ └── encoder_decoder.py │ └── utils │ │ ├── __init__.py │ │ ├── embed.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 │ ├── encoding.py │ └── wrappers.py ├── utils │ ├── __init__.py │ ├── collect_env.py │ ├── logger.py │ ├── misc.py │ ├── set_env.py │ └── util_distribution.py └── version.py ├── model-index.yml ├── or_196560080.tif.histInfo.xml ├── pspnet.tif ├── pspnet_r50-d8_512x1024_40k_cityscapes.py ├── pspnet_r50.py ├── pspnet_r50_1.py ├── pytest.ini ├── requirements.txt ├── requirements ├── docs.txt ├── mminstall.txt ├── optional.txt ├── readthedocs.txt ├── runtime.txt └── tests.txt ├── sample1.cpg ├── sample1.dbf ├── sample1.prj ├── sample1.sbn ├── sample1.sbx ├── sample1.shp ├── sample1.shx ├── setup.cfg ├── setup.py ├── tests ├── __init__.py ├── test_apis │ └── test_single_gpu.py ├── test_config.py ├── test_core │ ├── test_layer_decay_optimizer_constructor.py │ └── test_optimizer.py ├── test_data │ ├── test_dataset.py │ ├── test_dataset_builder.py │ ├── test_loading.py │ ├── test_transform.py │ └── test_tta.py ├── test_digit_version.py ├── test_eval_hook.py ├── test_inference.py ├── test_metrics.py ├── test_models │ ├── __init__.py │ ├── test_backbones │ │ ├── __init__.py │ │ ├── test_beit.py │ │ ├── test_bisenetv1.py │ │ ├── test_bisenetv2.py │ │ ├── test_blocks.py │ │ ├── test_cgnet.py │ │ ├── test_erfnet.py │ │ ├── test_fast_scnn.py │ │ ├── test_hrnet.py │ │ ├── test_icnet.py │ │ ├── test_mae.py │ │ ├── test_mit.py │ │ ├── test_mobilenet_v3.py │ │ ├── test_resnest.py │ │ ├── test_resnet.py │ │ ├── test_resnext.py │ │ ├── test_stdc.py │ │ ├── test_swin.py │ │ ├── test_timm_backbone.py │ │ ├── test_twins.py │ │ ├── test_unet.py │ │ ├── test_vit.py │ │ └── utils.py │ ├── test_forward.py │ ├── test_heads │ │ ├── __init__.py │ │ ├── test_ann_head.py │ │ ├── test_apc_head.py │ │ ├── test_aspp_head.py │ │ ├── test_cc_head.py │ │ ├── test_da_head.py │ │ ├── test_decode_head.py │ │ ├── test_dm_head.py │ │ ├── test_dnl_head.py │ │ ├── test_dpt_head.py │ │ ├── test_ema_head.py │ │ ├── test_enc_head.py │ │ ├── test_fcn_head.py │ │ ├── test_gc_head.py │ │ ├── test_isa_head.py │ │ ├── test_knet_head.py │ │ ├── test_lraspp_head.py │ │ ├── test_nl_head.py │ │ ├── test_ocr_head.py │ │ ├── test_point_head.py │ │ ├── test_psa_head.py │ │ ├── test_psp_head.py │ │ ├── test_segformer_head.py │ │ ├── test_segmenter_mask_head.py │ │ ├── test_setr_mla_head.py │ │ ├── test_setr_up_head.py │ │ ├── test_stdc_head.py │ │ ├── test_uper_head.py │ │ └── utils.py │ ├── test_losses │ │ ├── __init__.py │ │ ├── test_ce_loss.py │ │ ├── test_dice_loss.py │ │ ├── test_focal_loss.py │ │ ├── test_lovasz_loss.py │ │ ├── test_tversky_loss.py │ │ └── test_utils.py │ ├── test_necks │ │ ├── __init__.py │ │ ├── test_feature2pyramid.py │ │ ├── test_fpn.py │ │ ├── test_ic_neck.py │ │ ├── test_jpu.py │ │ ├── test_mla_neck.py │ │ └── test_multilevel_neck.py │ ├── test_segmentors │ │ ├── __init__.py │ │ ├── test_cascade_encoder_decoder.py │ │ ├── test_encoder_decoder.py │ │ └── utils.py │ └── test_utils │ │ ├── __init__.py │ │ ├── test_embed.py │ │ └── test_shape_convert.py ├── test_sampler.py └── test_utils │ ├── test_misc.py │ ├── test_set_env.py │ └── test_util_distribution.py ├── tools ├── 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 ├── get_flops.py ├── model_converters │ ├── beit2mmseg.py │ ├── mit2mmseg.py │ ├── stdc2mmseg.py │ ├── swin2mmseg.py │ ├── twins2mmseg.py │ ├── vit2mmseg.py │ └── vitjax2mmseg.py ├── model_ensemble.py ├── onnx2tensorrt.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 ├── yaogan ├── Kmeans1.py ├── deeplabv3plus_r101_d8.py ├── deeplabv3plus_r18_d8.py ├── yaogan_03.ui └── yaogan_03_test.ipynb ├── yaogan04_test.ipynb ├── yaogan_03.ui ├── yaogan_03_test(1).ipynb └── yaogan_03_test.ipynb /.circleci/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.circleci/config.yml -------------------------------------------------------------------------------- /.circleci/docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.circleci/docker/Dockerfile -------------------------------------------------------------------------------- /.circleci/scripts/get_mmcv_var.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.circleci/scripts/get_mmcv_var.sh -------------------------------------------------------------------------------- /.circleci/test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.circleci/test.yml -------------------------------------------------------------------------------- /.dev/batch_test_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.dev/batch_test_list.py -------------------------------------------------------------------------------- /.dev/batch_train_list.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.dev/batch_train_list.txt -------------------------------------------------------------------------------- /.dev/benchmark_evaluation.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.dev/benchmark_evaluation.sh -------------------------------------------------------------------------------- /.dev/benchmark_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.dev/benchmark_inference.py -------------------------------------------------------------------------------- /.dev/benchmark_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.dev/benchmark_train.sh -------------------------------------------------------------------------------- /.dev/check_urls.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.dev/check_urls.py -------------------------------------------------------------------------------- /.dev/gather_benchmark_evaluation_results.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.dev/gather_benchmark_evaluation_results.py -------------------------------------------------------------------------------- /.dev/gather_benchmark_train_results.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.dev/gather_benchmark_train_results.py -------------------------------------------------------------------------------- /.dev/gather_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.dev/gather_models.py -------------------------------------------------------------------------------- /.dev/generate_benchmark_evaluation_script.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.dev/generate_benchmark_evaluation_script.py -------------------------------------------------------------------------------- /.dev/generate_benchmark_train_script.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.dev/generate_benchmark_train_script.py -------------------------------------------------------------------------------- /.dev/log_collector/example_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.dev/log_collector/example_config.py -------------------------------------------------------------------------------- /.dev/log_collector/log_collector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.dev/log_collector/log_collector.py -------------------------------------------------------------------------------- /.dev/log_collector/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.dev/log_collector/readme.md -------------------------------------------------------------------------------- /.dev/log_collector/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.dev/log_collector/utils.py -------------------------------------------------------------------------------- /.dev/md2yml.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.dev/md2yml.py -------------------------------------------------------------------------------- /.dev/upload_modelzoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.dev/upload_modelzoo.py -------------------------------------------------------------------------------- /.github/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.github/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /.github/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.github/CONTRIBUTING.md -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.github/ISSUE_TEMPLATE/config.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/error-report.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.github/ISSUE_TEMPLATE/error-report.md -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/feature_request.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.github/ISSUE_TEMPLATE/feature_request.md -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/general_questions.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.github/ISSUE_TEMPLATE/general_questions.md -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/reimplementation_questions.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.github/ISSUE_TEMPLATE/reimplementation_questions.md -------------------------------------------------------------------------------- /.github/pull_request_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.github/pull_request_template.md -------------------------------------------------------------------------------- /.github/workflows/build.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.github/workflows/build.yml -------------------------------------------------------------------------------- /.github/workflows/deploy.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.github/workflows/deploy.yml -------------------------------------------------------------------------------- /.github/workflows/lint.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.github/workflows/lint.yml -------------------------------------------------------------------------------- /.github/workflows/test_mim.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.github/workflows/test_mim.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.gitignore -------------------------------------------------------------------------------- /.owners.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.owners.yml -------------------------------------------------------------------------------- /.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.pre-commit-config.yaml -------------------------------------------------------------------------------- /.readthedocs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/.readthedocs.yml -------------------------------------------------------------------------------- /BOA Reflectance-10m_MTD_MSIL2A.tfw: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/BOA Reflectance-10m_MTD_MSIL2A.tfw -------------------------------------------------------------------------------- /CITATION.cff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/CITATION.cff -------------------------------------------------------------------------------- /ISODATA.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/ISODATA.py -------------------------------------------------------------------------------- /ISODATA/ISODATA.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/ISODATA/ISODATA.py -------------------------------------------------------------------------------- /ISODATA/ISODATA02.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/ISODATA/ISODATA02.py -------------------------------------------------------------------------------- /ISODATA/or_196560080.tif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/ISODATA/or_196560080.tif -------------------------------------------------------------------------------- /ISODATA/or_196560080.tif.histInfo.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/ISODATA/or_196560080.tif.histInfo.xml -------------------------------------------------------------------------------- /ISODATA02.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/ISODATA02.py -------------------------------------------------------------------------------- /ISODATA_out.tif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/ISODATA_out.tif -------------------------------------------------------------------------------- /Kmeans1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/Kmeans1.py -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/LICENSE -------------------------------------------------------------------------------- /LICENSES.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/LICENSES.md -------------------------------------------------------------------------------- /MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/MANIFEST.in -------------------------------------------------------------------------------- /Modeldemo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/Modeldemo.py -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/README.md -------------------------------------------------------------------------------- /README_zh-CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/README_zh-CN.md -------------------------------------------------------------------------------- /RandomForest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/RandomForest.py -------------------------------------------------------------------------------- /Result1.tif.histInfo.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/Result1.tif.histInfo.xml -------------------------------------------------------------------------------- /Result1.tif.ovr: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/Result1.tif.ovr -------------------------------------------------------------------------------- /TrainByRandomForest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/TrainByRandomForest.py -------------------------------------------------------------------------------- /configs/_base_/datasets/loveda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/datasets/loveda.py -------------------------------------------------------------------------------- /configs/_base_/default_runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/default_runtime.py -------------------------------------------------------------------------------- /configs/_base_/models/deeplabv3_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/models/deeplabv3_r50-d8.py -------------------------------------------------------------------------------- /configs/_base_/models/deeplabv3_unet_s5-d16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/models/deeplabv3_unet_s5-d16.py -------------------------------------------------------------------------------- /configs/_base_/models/deeplabv3plus_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/models/deeplabv3plus_r50-d8.py -------------------------------------------------------------------------------- /configs/_base_/models/fast_scnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/models/fast_scnn.py -------------------------------------------------------------------------------- /configs/_base_/models/fastfcn_r50-d32_jpu_psp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/models/fastfcn_r50-d32_jpu_psp.py -------------------------------------------------------------------------------- /configs/_base_/models/fcn_hr18.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/models/fcn_hr18.py -------------------------------------------------------------------------------- /configs/_base_/models/fcn_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/models/fcn_r50-d8.py -------------------------------------------------------------------------------- /configs/_base_/models/fcn_unet_s5-d16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/models/fcn_unet_s5-d16.py -------------------------------------------------------------------------------- /configs/_base_/models/psanet_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/models/psanet_r50-d8.py -------------------------------------------------------------------------------- /configs/_base_/models/pspnet_r50-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/models/pspnet_r50-d8.py -------------------------------------------------------------------------------- /configs/_base_/models/pspnet_unet_s5-d16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/models/pspnet_unet_s5-d16.py -------------------------------------------------------------------------------- /configs/_base_/schedules/schedule_160k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/schedules/schedule_160k.py -------------------------------------------------------------------------------- /configs/_base_/schedules/schedule_20k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/schedules/schedule_20k.py -------------------------------------------------------------------------------- /configs/_base_/schedules/schedule_320k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/schedules/schedule_320k.py -------------------------------------------------------------------------------- /configs/_base_/schedules/schedule_40k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/schedules/schedule_40k.py -------------------------------------------------------------------------------- /configs/_base_/schedules/schedule_80k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/_base_/schedules/schedule_80k.py -------------------------------------------------------------------------------- /configs/deeplabv3plus/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/deeplabv3plus/README.md -------------------------------------------------------------------------------- /configs/deeplabv3plus/deeplabv3plus.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/deeplabv3plus/deeplabv3plus.yml -------------------------------------------------------------------------------- /configs/deeplabv3plus/deeplabv3plus_r101-d8_512x512_80k_loveda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/deeplabv3plus/deeplabv3plus_r101-d8_512x512_80k_loveda.py -------------------------------------------------------------------------------- /configs/deeplabv3plus/deeplabv3plus_r18-d8_512x512_80k_loveda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/deeplabv3plus/deeplabv3plus_r18-d8_512x512_80k_loveda.py -------------------------------------------------------------------------------- /configs/deeplabv3plus/deeplabv3plus_r50-d8_512x512_80k_loveda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/deeplabv3plus/deeplabv3plus_r50-d8_512x512_80k_loveda.py -------------------------------------------------------------------------------- /configs/hrnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/hrnet/README.md -------------------------------------------------------------------------------- /configs/hrnet/fcn_hr18_512x512_80k_loveda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/hrnet/fcn_hr18_512x512_80k_loveda.py -------------------------------------------------------------------------------- /configs/hrnet/fcn_hr18s_512x512_80k_loveda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/hrnet/fcn_hr18s_512x512_80k_loveda.py -------------------------------------------------------------------------------- /configs/hrnet/fcn_hr48_512x512_80k_loveda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/hrnet/fcn_hr48_512x512_80k_loveda.py -------------------------------------------------------------------------------- /configs/hrnet/hrnet.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/hrnet/hrnet.yml -------------------------------------------------------------------------------- /configs/pspnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/pspnet/README.md -------------------------------------------------------------------------------- /configs/pspnet/pspnet.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/pspnet/pspnet.yml -------------------------------------------------------------------------------- /configs/pspnet/pspnet_r101-d8_512x512_80k_loveda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/pspnet/pspnet_r101-d8_512x512_80k_loveda.py -------------------------------------------------------------------------------- /configs/pspnet/pspnet_r18-d8_512x512_80k_loveda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/pspnet/pspnet_r18-d8_512x512_80k_loveda.py -------------------------------------------------------------------------------- /configs/pspnet/pspnet_r50-d8_512x512_80k_loveda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/configs/pspnet/pspnet_r50-d8_512x512_80k_loveda.py -------------------------------------------------------------------------------- /deep_18.tif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/deep_18.tif -------------------------------------------------------------------------------- /deeplab_101.tif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/deeplab_101.tif -------------------------------------------------------------------------------- /deeplabv3plus_r101-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/deeplabv3plus_r101-d8.py -------------------------------------------------------------------------------- /deeplabv3plus_r101_d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/deeplabv3plus_r101_d8.py -------------------------------------------------------------------------------- /deeplabv3plus_r18-d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/deeplabv3plus_r18-d8.py -------------------------------------------------------------------------------- /deeplabv3plus_r18_d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/deeplabv3plus_r18_d8.py -------------------------------------------------------------------------------- /demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/demo.py -------------------------------------------------------------------------------- /demo/0.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/demo/0.png -------------------------------------------------------------------------------- /demo/1367.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/demo/1367.png -------------------------------------------------------------------------------- /demo/33.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/demo/33.png -------------------------------------------------------------------------------- /demo/MMSegmentation_Tutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/demo/MMSegmentation_Tutorial.ipynb -------------------------------------------------------------------------------- /demo/demo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/demo/demo.png -------------------------------------------------------------------------------- /demo/image_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/demo/image_demo.py -------------------------------------------------------------------------------- /demo/inference_demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/demo/inference_demo.ipynb -------------------------------------------------------------------------------- /demo/or_196560080.tif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/demo/or_196560080.tif -------------------------------------------------------------------------------- /demo/video_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/demo/video_demo.py -------------------------------------------------------------------------------- /docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/docker/Dockerfile -------------------------------------------------------------------------------- /docker/serve/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/docker/serve/Dockerfile -------------------------------------------------------------------------------- /docker/serve/config.properties: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/docker/serve/config.properties -------------------------------------------------------------------------------- /docker/serve/entrypoint.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/docker/serve/entrypoint.sh -------------------------------------------------------------------------------- /fcn_hr48.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/fcn_hr48.py -------------------------------------------------------------------------------- /fcn_hr48_1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/fcn_hr48_1.py -------------------------------------------------------------------------------- /feijiandu.txt: -------------------------------------------------------------------------------- 1 | E:\\mmsegmentation\\demo\\or_196560080.tif -------------------------------------------------------------------------------- /hrnet_fcn.tif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/hrnet_fcn.tif -------------------------------------------------------------------------------- /mmseg/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/__init__.py -------------------------------------------------------------------------------- /mmseg/apis/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/apis/__init__.py -------------------------------------------------------------------------------- /mmseg/apis/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/apis/inference.py -------------------------------------------------------------------------------- /mmseg/apis/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/apis/test.py -------------------------------------------------------------------------------- /mmseg/apis/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/apis/train.py -------------------------------------------------------------------------------- /mmseg/core/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/__init__.py -------------------------------------------------------------------------------- /mmseg/core/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/builder.py -------------------------------------------------------------------------------- /mmseg/core/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/evaluation/__init__.py -------------------------------------------------------------------------------- /mmseg/core/evaluation/class_names.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/evaluation/class_names.py -------------------------------------------------------------------------------- /mmseg/core/evaluation/eval_hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/evaluation/eval_hooks.py -------------------------------------------------------------------------------- /mmseg/core/evaluation/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/evaluation/metrics.py -------------------------------------------------------------------------------- /mmseg/core/hook/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/hook/__init__.py -------------------------------------------------------------------------------- /mmseg/core/hook/wandblogger_hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/hook/wandblogger_hook.py -------------------------------------------------------------------------------- /mmseg/core/optimizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/optimizers/__init__.py -------------------------------------------------------------------------------- /mmseg/core/optimizers/layer_decay_optimizer_constructor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/optimizers/layer_decay_optimizer_constructor.py -------------------------------------------------------------------------------- /mmseg/core/seg/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/seg/__init__.py -------------------------------------------------------------------------------- /mmseg/core/seg/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/seg/builder.py -------------------------------------------------------------------------------- /mmseg/core/seg/sampler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/seg/sampler/__init__.py -------------------------------------------------------------------------------- /mmseg/core/seg/sampler/base_pixel_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/seg/sampler/base_pixel_sampler.py -------------------------------------------------------------------------------- /mmseg/core/seg/sampler/ohem_pixel_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/seg/sampler/ohem_pixel_sampler.py -------------------------------------------------------------------------------- /mmseg/core/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/utils/__init__.py -------------------------------------------------------------------------------- /mmseg/core/utils/dist_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/utils/dist_util.py -------------------------------------------------------------------------------- /mmseg/core/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/core/utils/misc.py -------------------------------------------------------------------------------- /mmseg/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/__init__.py -------------------------------------------------------------------------------- /mmseg/datasets/ade.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/ade.py -------------------------------------------------------------------------------- /mmseg/datasets/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/builder.py -------------------------------------------------------------------------------- /mmseg/datasets/chase_db1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/chase_db1.py -------------------------------------------------------------------------------- /mmseg/datasets/cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/cityscapes.py -------------------------------------------------------------------------------- /mmseg/datasets/coco_stuff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/coco_stuff.py -------------------------------------------------------------------------------- /mmseg/datasets/custom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/custom.py -------------------------------------------------------------------------------- /mmseg/datasets/dark_zurich.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/dark_zurich.py -------------------------------------------------------------------------------- /mmseg/datasets/dataset_wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/dataset_wrappers.py -------------------------------------------------------------------------------- /mmseg/datasets/drive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/drive.py -------------------------------------------------------------------------------- /mmseg/datasets/face.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/face.py -------------------------------------------------------------------------------- /mmseg/datasets/hrf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/hrf.py -------------------------------------------------------------------------------- /mmseg/datasets/imagenets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/imagenets.py -------------------------------------------------------------------------------- /mmseg/datasets/isaid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/isaid.py -------------------------------------------------------------------------------- /mmseg/datasets/isprs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/isprs.py -------------------------------------------------------------------------------- /mmseg/datasets/loveda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/loveda.py -------------------------------------------------------------------------------- /mmseg/datasets/night_driving.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/night_driving.py -------------------------------------------------------------------------------- /mmseg/datasets/pascal_context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/pascal_context.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/pipelines/__init__.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/compose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/pipelines/compose.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/formating.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/pipelines/formating.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/formatting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/pipelines/formatting.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/loading.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/pipelines/loading.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/test_time_aug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/pipelines/test_time_aug.py -------------------------------------------------------------------------------- /mmseg/datasets/pipelines/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/pipelines/transforms.py -------------------------------------------------------------------------------- /mmseg/datasets/potsdam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/potsdam.py -------------------------------------------------------------------------------- /mmseg/datasets/samplers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/samplers/__init__.py -------------------------------------------------------------------------------- /mmseg/datasets/samplers/distributed_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/samplers/distributed_sampler.py -------------------------------------------------------------------------------- /mmseg/datasets/stare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/stare.py -------------------------------------------------------------------------------- /mmseg/datasets/voc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/datasets/voc.py -------------------------------------------------------------------------------- /mmseg/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/__init__.py -------------------------------------------------------------------------------- /mmseg/models/backbones/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/__init__.py -------------------------------------------------------------------------------- /mmseg/models/backbones/beit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/beit.py -------------------------------------------------------------------------------- /mmseg/models/backbones/bisenetv1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/bisenetv1.py -------------------------------------------------------------------------------- /mmseg/models/backbones/bisenetv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/bisenetv2.py -------------------------------------------------------------------------------- /mmseg/models/backbones/cgnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/cgnet.py -------------------------------------------------------------------------------- /mmseg/models/backbones/erfnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/erfnet.py -------------------------------------------------------------------------------- /mmseg/models/backbones/fast_scnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/fast_scnn.py -------------------------------------------------------------------------------- /mmseg/models/backbones/hrnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/hrnet.py -------------------------------------------------------------------------------- /mmseg/models/backbones/icnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/icnet.py -------------------------------------------------------------------------------- /mmseg/models/backbones/mae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/mae.py -------------------------------------------------------------------------------- /mmseg/models/backbones/mit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/mit.py -------------------------------------------------------------------------------- /mmseg/models/backbones/mobilenet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/mobilenet_v2.py -------------------------------------------------------------------------------- /mmseg/models/backbones/mobilenet_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/mobilenet_v3.py -------------------------------------------------------------------------------- /mmseg/models/backbones/resnest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/resnest.py -------------------------------------------------------------------------------- /mmseg/models/backbones/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/resnet.py -------------------------------------------------------------------------------- /mmseg/models/backbones/resnext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/resnext.py -------------------------------------------------------------------------------- /mmseg/models/backbones/stdc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/stdc.py -------------------------------------------------------------------------------- /mmseg/models/backbones/swin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/swin.py -------------------------------------------------------------------------------- /mmseg/models/backbones/timm_backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/timm_backbone.py -------------------------------------------------------------------------------- /mmseg/models/backbones/twins.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/twins.py -------------------------------------------------------------------------------- /mmseg/models/backbones/unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/unet.py -------------------------------------------------------------------------------- /mmseg/models/backbones/vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/backbones/vit.py -------------------------------------------------------------------------------- /mmseg/models/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/builder.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/__init__.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/ann_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/ann_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/apc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/apc_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/aspp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/aspp_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/cascade_decode_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/cascade_decode_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/cc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/cc_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/da_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/da_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/decode_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/decode_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/dm_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/dm_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/dnl_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/dnl_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/dpt_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/dpt_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/ema_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/ema_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/enc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/enc_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/fcn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/fcn_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/fpn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/fpn_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/gc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/gc_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/isa_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/isa_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/knet_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/knet_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/lraspp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/lraspp_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/nl_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/nl_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/ocr_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/ocr_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/point_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/point_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/psa_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/psa_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/psp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/psp_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/segformer_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/segformer_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/segmenter_mask_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/segmenter_mask_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/sep_aspp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/sep_aspp_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/sep_fcn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/sep_fcn_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/setr_mla_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/setr_mla_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/setr_up_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/setr_up_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/stdc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/stdc_head.py -------------------------------------------------------------------------------- /mmseg/models/decode_heads/uper_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/decode_heads/uper_head.py -------------------------------------------------------------------------------- /mmseg/models/losses/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/losses/__init__.py -------------------------------------------------------------------------------- /mmseg/models/losses/accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/losses/accuracy.py -------------------------------------------------------------------------------- /mmseg/models/losses/cross_entropy_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/losses/cross_entropy_loss.py -------------------------------------------------------------------------------- /mmseg/models/losses/dice_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/losses/dice_loss.py -------------------------------------------------------------------------------- /mmseg/models/losses/focal_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/losses/focal_loss.py -------------------------------------------------------------------------------- /mmseg/models/losses/lovasz_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/losses/lovasz_loss.py -------------------------------------------------------------------------------- /mmseg/models/losses/tversky_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/losses/tversky_loss.py -------------------------------------------------------------------------------- /mmseg/models/losses/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/losses/utils.py -------------------------------------------------------------------------------- /mmseg/models/necks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/necks/__init__.py -------------------------------------------------------------------------------- /mmseg/models/necks/featurepyramid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/necks/featurepyramid.py -------------------------------------------------------------------------------- /mmseg/models/necks/fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/necks/fpn.py -------------------------------------------------------------------------------- /mmseg/models/necks/ic_neck.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/necks/ic_neck.py -------------------------------------------------------------------------------- /mmseg/models/necks/jpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/necks/jpu.py -------------------------------------------------------------------------------- /mmseg/models/necks/mla_neck.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/necks/mla_neck.py -------------------------------------------------------------------------------- /mmseg/models/necks/multilevel_neck.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/necks/multilevel_neck.py -------------------------------------------------------------------------------- /mmseg/models/segmentors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/segmentors/__init__.py -------------------------------------------------------------------------------- /mmseg/models/segmentors/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/segmentors/base.py -------------------------------------------------------------------------------- /mmseg/models/segmentors/cascade_encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/segmentors/cascade_encoder_decoder.py -------------------------------------------------------------------------------- /mmseg/models/segmentors/encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/segmentors/encoder_decoder.py -------------------------------------------------------------------------------- /mmseg/models/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/utils/__init__.py -------------------------------------------------------------------------------- /mmseg/models/utils/embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/utils/embed.py -------------------------------------------------------------------------------- /mmseg/models/utils/inverted_residual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/utils/inverted_residual.py -------------------------------------------------------------------------------- /mmseg/models/utils/make_divisible.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/utils/make_divisible.py -------------------------------------------------------------------------------- /mmseg/models/utils/res_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/utils/res_layer.py -------------------------------------------------------------------------------- /mmseg/models/utils/se_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/utils/se_layer.py -------------------------------------------------------------------------------- /mmseg/models/utils/self_attention_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/utils/self_attention_block.py -------------------------------------------------------------------------------- /mmseg/models/utils/shape_convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/utils/shape_convert.py -------------------------------------------------------------------------------- /mmseg/models/utils/up_conv_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/models/utils/up_conv_block.py -------------------------------------------------------------------------------- /mmseg/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/ops/__init__.py -------------------------------------------------------------------------------- /mmseg/ops/encoding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/ops/encoding.py -------------------------------------------------------------------------------- /mmseg/ops/wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/ops/wrappers.py -------------------------------------------------------------------------------- /mmseg/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/utils/__init__.py -------------------------------------------------------------------------------- /mmseg/utils/collect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/utils/collect_env.py -------------------------------------------------------------------------------- /mmseg/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/utils/logger.py -------------------------------------------------------------------------------- /mmseg/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/utils/misc.py -------------------------------------------------------------------------------- /mmseg/utils/set_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/utils/set_env.py -------------------------------------------------------------------------------- /mmseg/utils/util_distribution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/utils/util_distribution.py -------------------------------------------------------------------------------- /mmseg/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/mmseg/version.py -------------------------------------------------------------------------------- /model-index.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/model-index.yml -------------------------------------------------------------------------------- /or_196560080.tif.histInfo.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/or_196560080.tif.histInfo.xml -------------------------------------------------------------------------------- /pspnet.tif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/pspnet.tif -------------------------------------------------------------------------------- /pspnet_r50-d8_512x1024_40k_cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/pspnet_r50-d8_512x1024_40k_cityscapes.py -------------------------------------------------------------------------------- /pspnet_r50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/pspnet_r50.py -------------------------------------------------------------------------------- /pspnet_r50_1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/pspnet_r50_1.py -------------------------------------------------------------------------------- /pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/pytest.ini -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/requirements.txt -------------------------------------------------------------------------------- /requirements/docs.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/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/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/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/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/requirements/tests.txt -------------------------------------------------------------------------------- /sample1.cpg: -------------------------------------------------------------------------------- 1 | UTF-8 -------------------------------------------------------------------------------- /sample1.dbf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/sample1.dbf -------------------------------------------------------------------------------- /sample1.prj: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/sample1.prj -------------------------------------------------------------------------------- /sample1.sbn: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/sample1.sbn -------------------------------------------------------------------------------- /sample1.sbx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/sample1.sbx -------------------------------------------------------------------------------- /sample1.shp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/sample1.shp -------------------------------------------------------------------------------- /sample1.shx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/sample1.shx -------------------------------------------------------------------------------- /setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/setup.cfg -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/setup.py -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/__init__.py -------------------------------------------------------------------------------- /tests/test_apis/test_single_gpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_apis/test_single_gpu.py -------------------------------------------------------------------------------- /tests/test_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_config.py -------------------------------------------------------------------------------- /tests/test_core/test_layer_decay_optimizer_constructor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_core/test_layer_decay_optimizer_constructor.py -------------------------------------------------------------------------------- /tests/test_core/test_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_core/test_optimizer.py -------------------------------------------------------------------------------- /tests/test_data/test_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_data/test_dataset.py -------------------------------------------------------------------------------- /tests/test_data/test_dataset_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_data/test_dataset_builder.py -------------------------------------------------------------------------------- /tests/test_data/test_loading.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_data/test_loading.py -------------------------------------------------------------------------------- /tests/test_data/test_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_data/test_transform.py -------------------------------------------------------------------------------- /tests/test_data/test_tta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_data/test_tta.py -------------------------------------------------------------------------------- /tests/test_digit_version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_digit_version.py -------------------------------------------------------------------------------- /tests/test_eval_hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_eval_hook.py -------------------------------------------------------------------------------- /tests/test_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_inference.py -------------------------------------------------------------------------------- /tests/test_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_metrics.py -------------------------------------------------------------------------------- /tests/test_models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/__init__.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/__init__.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_beit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_beit.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_bisenetv1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_bisenetv1.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_bisenetv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_bisenetv2.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_blocks.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_cgnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_cgnet.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_erfnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_erfnet.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_fast_scnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_fast_scnn.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_hrnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_hrnet.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_icnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_icnet.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_mae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_mae.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_mit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_mit.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_mobilenet_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_mobilenet_v3.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_resnest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_resnest.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_resnet.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_resnext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_resnext.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_stdc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_stdc.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_swin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_swin.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_timm_backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_timm_backbone.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_twins.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_twins.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_unet.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/test_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/test_vit.py -------------------------------------------------------------------------------- /tests/test_models/test_backbones/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_backbones/utils.py -------------------------------------------------------------------------------- /tests/test_models/test_forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_forward.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/__init__.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_ann_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_ann_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_apc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_apc_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_aspp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_aspp_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_cc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_cc_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_da_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_da_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_decode_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_decode_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_dm_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_dm_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_dnl_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_dnl_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_dpt_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_dpt_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_ema_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_ema_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_enc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_enc_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_fcn_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_fcn_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_gc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_gc_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_isa_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_isa_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_knet_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_knet_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_lraspp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_lraspp_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_nl_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_nl_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_ocr_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_ocr_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_point_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_point_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_psa_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_psa_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_psp_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_psp_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_segformer_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_segformer_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_segmenter_mask_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_segmenter_mask_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_setr_mla_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_setr_mla_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_setr_up_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_setr_up_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_stdc_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_stdc_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/test_uper_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/test_uper_head.py -------------------------------------------------------------------------------- /tests/test_models/test_heads/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_heads/utils.py -------------------------------------------------------------------------------- /tests/test_models/test_losses/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_losses/__init__.py -------------------------------------------------------------------------------- /tests/test_models/test_losses/test_ce_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_losses/test_ce_loss.py -------------------------------------------------------------------------------- /tests/test_models/test_losses/test_dice_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_losses/test_dice_loss.py -------------------------------------------------------------------------------- /tests/test_models/test_losses/test_focal_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_losses/test_focal_loss.py -------------------------------------------------------------------------------- /tests/test_models/test_losses/test_lovasz_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_losses/test_lovasz_loss.py -------------------------------------------------------------------------------- /tests/test_models/test_losses/test_tversky_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_losses/test_tversky_loss.py -------------------------------------------------------------------------------- /tests/test_models/test_losses/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_losses/test_utils.py -------------------------------------------------------------------------------- /tests/test_models/test_necks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_necks/__init__.py -------------------------------------------------------------------------------- /tests/test_models/test_necks/test_feature2pyramid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_necks/test_feature2pyramid.py -------------------------------------------------------------------------------- /tests/test_models/test_necks/test_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_necks/test_fpn.py -------------------------------------------------------------------------------- /tests/test_models/test_necks/test_ic_neck.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_necks/test_ic_neck.py -------------------------------------------------------------------------------- /tests/test_models/test_necks/test_jpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_necks/test_jpu.py -------------------------------------------------------------------------------- /tests/test_models/test_necks/test_mla_neck.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_necks/test_mla_neck.py -------------------------------------------------------------------------------- /tests/test_models/test_necks/test_multilevel_neck.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_necks/test_multilevel_neck.py -------------------------------------------------------------------------------- /tests/test_models/test_segmentors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_segmentors/__init__.py -------------------------------------------------------------------------------- /tests/test_models/test_segmentors/test_cascade_encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_segmentors/test_cascade_encoder_decoder.py -------------------------------------------------------------------------------- /tests/test_models/test_segmentors/test_encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_segmentors/test_encoder_decoder.py -------------------------------------------------------------------------------- /tests/test_models/test_segmentors/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_segmentors/utils.py -------------------------------------------------------------------------------- /tests/test_models/test_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_utils/__init__.py -------------------------------------------------------------------------------- /tests/test_models/test_utils/test_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_utils/test_embed.py -------------------------------------------------------------------------------- /tests/test_models/test_utils/test_shape_convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_models/test_utils/test_shape_convert.py -------------------------------------------------------------------------------- /tests/test_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_sampler.py -------------------------------------------------------------------------------- /tests/test_utils/test_misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_utils/test_misc.py -------------------------------------------------------------------------------- /tests/test_utils/test_set_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_utils/test_set_env.py -------------------------------------------------------------------------------- /tests/test_utils/test_util_distribution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tests/test_utils/test_util_distribution.py -------------------------------------------------------------------------------- /tools/analyze_logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/analyze_logs.py -------------------------------------------------------------------------------- /tools/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/benchmark.py -------------------------------------------------------------------------------- /tools/browse_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/browse_dataset.py -------------------------------------------------------------------------------- /tools/confusion_matrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/confusion_matrix.py -------------------------------------------------------------------------------- /tools/convert_datasets/chase_db1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/convert_datasets/chase_db1.py -------------------------------------------------------------------------------- /tools/convert_datasets/cityscapes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/convert_datasets/cityscapes.py -------------------------------------------------------------------------------- /tools/convert_datasets/coco_stuff10k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/convert_datasets/coco_stuff10k.py -------------------------------------------------------------------------------- /tools/convert_datasets/coco_stuff164k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/convert_datasets/coco_stuff164k.py -------------------------------------------------------------------------------- /tools/convert_datasets/drive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/convert_datasets/drive.py -------------------------------------------------------------------------------- /tools/convert_datasets/hrf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/convert_datasets/hrf.py -------------------------------------------------------------------------------- /tools/convert_datasets/isaid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/convert_datasets/isaid.py -------------------------------------------------------------------------------- /tools/convert_datasets/loveda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/convert_datasets/loveda.py -------------------------------------------------------------------------------- /tools/convert_datasets/pascal_context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/convert_datasets/pascal_context.py -------------------------------------------------------------------------------- /tools/convert_datasets/potsdam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/convert_datasets/potsdam.py -------------------------------------------------------------------------------- /tools/convert_datasets/stare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/convert_datasets/stare.py -------------------------------------------------------------------------------- /tools/convert_datasets/vaihingen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/convert_datasets/vaihingen.py -------------------------------------------------------------------------------- /tools/convert_datasets/voc_aug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/convert_datasets/voc_aug.py -------------------------------------------------------------------------------- /tools/deploy_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/deploy_test.py -------------------------------------------------------------------------------- /tools/dist_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/dist_test.sh -------------------------------------------------------------------------------- /tools/dist_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/dist_train.sh -------------------------------------------------------------------------------- /tools/get_flops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/get_flops.py -------------------------------------------------------------------------------- /tools/model_converters/beit2mmseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/model_converters/beit2mmseg.py -------------------------------------------------------------------------------- /tools/model_converters/mit2mmseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/model_converters/mit2mmseg.py -------------------------------------------------------------------------------- /tools/model_converters/stdc2mmseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/model_converters/stdc2mmseg.py -------------------------------------------------------------------------------- /tools/model_converters/swin2mmseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/model_converters/swin2mmseg.py -------------------------------------------------------------------------------- /tools/model_converters/twins2mmseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/model_converters/twins2mmseg.py -------------------------------------------------------------------------------- /tools/model_converters/vit2mmseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/model_converters/vit2mmseg.py -------------------------------------------------------------------------------- /tools/model_converters/vitjax2mmseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/model_converters/vitjax2mmseg.py -------------------------------------------------------------------------------- /tools/model_ensemble.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/model_ensemble.py -------------------------------------------------------------------------------- /tools/onnx2tensorrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/onnx2tensorrt.py -------------------------------------------------------------------------------- /tools/print_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/print_config.py -------------------------------------------------------------------------------- /tools/publish_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/publish_model.py -------------------------------------------------------------------------------- /tools/pytorch2onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/pytorch2onnx.py -------------------------------------------------------------------------------- /tools/pytorch2torchscript.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/pytorch2torchscript.py -------------------------------------------------------------------------------- /tools/slurm_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/slurm_test.sh -------------------------------------------------------------------------------- /tools/slurm_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/slurm_train.sh -------------------------------------------------------------------------------- /tools/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/test.py -------------------------------------------------------------------------------- /tools/torchserve/mmseg2torchserve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/torchserve/mmseg2torchserve.py -------------------------------------------------------------------------------- /tools/torchserve/mmseg_handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/torchserve/mmseg_handler.py -------------------------------------------------------------------------------- /tools/torchserve/test_torchserve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/torchserve/test_torchserve.py -------------------------------------------------------------------------------- /tools/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/tools/train.py -------------------------------------------------------------------------------- /yaogan/Kmeans1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/yaogan/Kmeans1.py -------------------------------------------------------------------------------- /yaogan/deeplabv3plus_r101_d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/yaogan/deeplabv3plus_r101_d8.py -------------------------------------------------------------------------------- /yaogan/deeplabv3plus_r18_d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/yaogan/deeplabv3plus_r18_d8.py -------------------------------------------------------------------------------- /yaogan/yaogan_03.ui: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/yaogan/yaogan_03.ui -------------------------------------------------------------------------------- /yaogan/yaogan_03_test.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/yaogan/yaogan_03_test.ipynb -------------------------------------------------------------------------------- /yaogan04_test.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/yaogan04_test.ipynb -------------------------------------------------------------------------------- /yaogan_03.ui: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/yaogan_03.ui -------------------------------------------------------------------------------- /yaogan_03_test(1).ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/yaogan_03_test(1).ipynb -------------------------------------------------------------------------------- /yaogan_03_test.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/LeoLiding/Software2-for-Remote-Sensing-Image-Classification-using-deep-learning/HEAD/yaogan_03_test.ipynb --------------------------------------------------------------------------------