yurujaja commited on
Commit
86b3055
1 Parent(s): 5dabaae

semantic segmentation models ckpts

Browse files
Files changed (17) hide show
  1. Segmentation_Models/231029_1622_gengta2cs_daformer_s0_49f77/20231029_162300.log +0 -0
  2. Segmentation_Models/231029_1622_gengta2cs_daformer_s0_49f77/20231029_162300.log.json +0 -0
  3. Segmentation_Models/231029_1622_gengta2cs_daformer_s0_49f77/231029_1622_gengta3mix2cs_dgdacs_fdthings_srconly_daformer_sepaspp_sl_mitb5_poly10warm_w1_s0_49f77.json +1 -0
  4. Segmentation_Models/231029_1622_gengta2cs_daformer_s0_49f77/latest.pth +3 -0
  5. Segmentation_Models/231029_1622_gengta2cs_daformer_s0_49f77/latest_model_ACDC_val_iou.json +43 -0
  6. Segmentation_Models/231029_1622_gengta2cs_daformer_s0_49f77/latest_model_BDD100K_val_iou.json +43 -0
  7. Segmentation_Models/231029_1622_gengta2cs_daformer_s0_49f77/latest_model_DarkZurich_val_iou.json +43 -0
  8. Segmentation_Models/231029_1622_gengta2cs_daformer_s0_49f77/latest_model_Mapillary_val_iou.json +43 -0
  9. Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/20231105_000119.log +0 -0
  10. Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/20231105_000119.log.json +0 -0
  11. Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/231105_0000_gengta1mixHR2csHR_1024x1024_dgdacs_fdthings_srconly_rcs001-20_shade_shb_hrda1-512-01_daformer_sepaspp_sl_mitb5_poly10warm_w1_s0_d5047.json +1 -0
  12. Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/latest.pth +3 -0
  13. Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/latest_model_ACDC_val_iou.json +43 -0
  14. Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/latest_model_BDD100K_val_iou.json +43 -0
  15. Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/latest_model_Cityscapes_val_iou.json +43 -0
  16. Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/latest_model_DarkZurich_val_iou.json +43 -0
  17. Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/latest_model_Mapillary_val_iou.json +43 -0
Segmentation_Models/231029_1622_gengta2cs_daformer_s0_49f77/20231029_162300.log ADDED
The diff for this file is too large to render. See raw diff
 
Segmentation_Models/231029_1622_gengta2cs_daformer_s0_49f77/20231029_162300.log.json ADDED
The diff for this file is too large to render. See raw diff
 
Segmentation_Models/231029_1622_gengta2cs_daformer_s0_49f77/231029_1622_gengta3mix2cs_dgdacs_fdthings_srconly_daformer_sepaspp_sl_mitb5_poly10warm_w1_s0_49f77.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"log_config": {"interval": 50, "hooks": [{"type": "TextLoggerHook", "by_epoch": false}]}, "dist_params": {"backend": "nccl"}, "log_level": "INFO", "load_from": null, "resume_from": null, "workflow": [["train", 1]], "cudnn_benchmark": true, "norm_cfg": {"type": "BN", "requires_grad": true}, "find_unused_parameters": true, "model": {"type": "EncoderDecoder", "pretrained": "pretrained/mit_b5.pth", "backbone": {"type": "mit_b5", "style": "pytorch"}, "decode_head": {"type": "DAFormerHead", "in_channels": [64, 128, 320, 512], "in_index": [0, 1, 2, 3], "channels": 256, "dropout_ratio": 0.1, "num_classes": 19, "norm_cfg": {"type": "BN", "requires_grad": true}, "align_corners": false, "decoder_params": {"embed_dims": 256, "embed_cfg": {"type": "mlp", "act_cfg": null, "norm_cfg": null}, "embed_neck_cfg": {"type": "mlp", "act_cfg": null, "norm_cfg": null}, "fusion_cfg": {"type": "aspp", "sep": true, "dilations": [1, 6, 12, 18], "pool": false, "act_cfg": {"type": "ReLU"}, "norm_cfg": {"type": "BN", "requires_grad": true}}}, "loss_decode": {"type": "CrossEntropyLoss", "use_sigmoid": false, "loss_weight": 1.0}}, "train_cfg": {"work_dir": "work_dirs/local-exp523/231029_1622_gengta3mix2cs_dgdacs_fdthings_srconly_daformer_sepaspp_sl_mitb5_poly10warm_w1_s0_49f77"}, "test_cfg": {"mode": "slide", "batched_slide": true, "stride": [256, 256], "crop_size": [512, 512]}}, "dataset_type": "CityscapesDataset", "data_root": "data/cityscapes/", "img_norm_cfg": {"mean": [123.675, 116.28, 103.53], "std": [58.395, 57.12, 57.375], "to_rgb": true}, "crop_size": [512, 512], "gen_train_pipeline": [{"type": "LoadImageFromFile"}, {"type": "LoadAnnotations"}, {"type": "RandomFlip", "prob": 0.5}, {"type": "PhotoMetricDistortion"}, {"type": "Normalize", "mean": [123.675, 116.28, 103.53], "std": [58.395, 57.12, 57.375], "to_rgb": true}, {"type": "DefaultFormatBundle"}, {"type": "Collect", "keys": ["img", "gt_semantic_seg"]}], "gta_train_pipeline": [{"type": "LoadImageFromFile"}, {"type": "LoadAnnotations"}, {"type": "Resize", "img_scale": [1280, 720]}, {"type": "RandomCrop", "crop_size": [512, 512], "cat_max_ratio": 0.75}, {"type": "RandomFlip", "prob": 0.5}, {"type": "PhotoMetricDistortion"}, {"type": "Normalize", "mean": [123.675, 116.28, 103.53], "std": [58.395, 57.12, 57.375], "to_rgb": true}, {"type": "Pad", "size": [512, 512], "pad_val": 0, "seg_pad_val": 255}, {"type": "DefaultFormatBundle"}, {"type": "Collect", "keys": ["img", "gt_semantic_seg"]}], "test_pipeline": [{"type": "LoadImageFromFile"}, {"type": "MultiScaleFlipAug", "img_scale": [1024, 512], "flip": false, "transforms": [{"type": "Resize", "keep_ratio": true}, {"type": "RandomFlip"}, {"type": "Normalize", "mean": [123.675, 116.28, 103.53], "std": [58.395, 57.12, 57.375], "to_rgb": true}, {"type": "ImageToTensor", "keys": ["img"]}, {"type": "Collect", "keys": ["img"]}]}], "data": {"samples_per_gpu": 2, "workers_per_gpu": 1, "train": {"type": "DGDataset", "source2": {"type": "GTADataset", "data_root": "data/gen1/", "img_dir": "images", "ann_dir": "labels", "pipeline": [{"type": "LoadImageFromFile"}, {"type": "LoadAnnotations"}, {"type": "RandomFlip", "prob": 0.5}, {"type": "PhotoMetricDistortion"}, {"type": "Normalize", "mean": [123.675, 116.28, 103.53], "std": [58.395, 57.12, 57.375], "to_rgb": true}, {"type": "DefaultFormatBundle"}, {"type": "Collect", "keys": ["img", "gt_semantic_seg"]}]}, "source": {"type": "GTADataset", "data_root": "data/dg/rcs1e-2_gta6000/", "img_dir": "images", "ann_dir": "labels", "pipeline": [{"type": "LoadImageFromFile"}, {"type": "LoadAnnotations"}, {"type": "Resize", "img_scale": [1280, 720]}, {"type": "RandomCrop", "crop_size": [512, 512], "cat_max_ratio": 0.75}, {"type": "RandomFlip", "prob": 0.5}, {"type": "PhotoMetricDistortion"}, {"type": "Normalize", "mean": [123.675, 116.28, 103.53], "std": [58.395, 57.12, 57.375], "to_rgb": true}, {"type": "Pad", "size": [512, 512], "pad_val": 0, "seg_pad_val": 255}, {"type": "DefaultFormatBundle"}, {"type": "Collect", "keys": ["img", "gt_semantic_seg"]}]}}, "val": {"type": "CityscapesDataset", "data_root": "data/cityscapes/", "img_dir": "leftImg8bit/val", "ann_dir": "gtFine/val", "pipeline": [{"type": "LoadImageFromFile"}, {"type": "MultiScaleFlipAug", "img_scale": [1024, 512], "flip": false, "transforms": [{"type": "Resize", "keep_ratio": true}, {"type": "RandomFlip"}, {"type": "Normalize", "mean": [123.675, 116.28, 103.53], "std": [58.395, 57.12, 57.375], "to_rgb": true}, {"type": "ImageToTensor", "keys": ["img"]}, {"type": "Collect", "keys": ["img"]}]}]}, "test": {"type": "CityscapesDataset", "data_root": "data/cityscapes/", "img_dir": "leftImg8bit/val", "ann_dir": "gtFine/val", "pipeline": [{"type": "LoadImageFromFile"}, {"type": "MultiScaleFlipAug", "img_scale": [1024, 512], "flip": false, "transforms": [{"type": "Resize", "keep_ratio": true}, {"type": "RandomFlip"}, {"type": "Normalize", "mean": [123.675, 116.28, 103.53], "std": [58.395, 57.12, 57.375], "to_rgb": true}, {"type": "ImageToTensor", "keys": ["img"]}, {"type": "Collect", "keys": ["img"]}]}]}}, "uda": {"type": "DACS", "source_only": true, "alpha": 0.99, "pseudo_threshold": 0.968, "pseudo_weight_ignore_top": 0, "pseudo_weight_ignore_bottom": 0, "share_src_backward": false, "imnet_feature_dist_lambda": 0.005, "imnet_feature_dist_classes": [6, 7, 11, 12, 13, 14, 15, 16, 17, 18], "imnet_feature_dist_scale_min_ratio": 0.75, "mix": "class", "blur": true, "color_jitter_strength": 0.2, "color_jitter_probability": 0.2, "style_consistency_lambda": 0, "svmin_lambda": 0, "svmin_scale_ratio": [0.8, 1.2], "svmin_domain": "mixed", "debug_img_interval": 1000, "print_grad_magnitude": false, "imnet_feature_dist_scale_method": "ratio"}, "use_ddp_wrapper": true, "optimizer": {"type": "AdamW", "lr": 6e-05, "betas": [0.9, 0.999], "weight_decay": 0.01, "paramwise_cfg": {"custom_keys": {"head": {"lr_mult": 10.0}, "pos_block": {"decay_mult": 0.0}, "norm": {"decay_mult": 0.0}}}}, "optimizer_config": null, "lr_config": {"policy": "poly", "warmup": "linear", "warmup_iters": 1500, "warmup_ratio": 1e-06, "power": 1.0, "min_lr": 0.0, "by_epoch": false}, "gpu_model": "NVIDIAGeForceRTX2080Ti", "n_gpus": 1, "seed": 0, "runner": {"type": "IterBasedRunner", "max_iters": 40000}, "checkpoint_config": {"by_epoch": false, "interval": 40000, "max_keep_ckpts": 1}, "evaluation": {"interval": 40000, "metric": "mIoU"}, "name": "231029_1622_gengta3mix2cs_dgdacs_fdthings_srconly_daformer_sepaspp_sl_mitb5_poly10warm_w1_s0_49f77", "exp": 523, "name_dataset": "gengta3mix2cityscapes", "name_architecture": "daformer_sepaspp_sl_mitb5", "name_encoder": "mitb5", "name_decoder": "daformer_sepaspp_sl", "name_uda": "dgdacs_fdthings_srconly", "name_opt": "adamw_6e-05_pmTrue_poly10warm_1x2_40k", "work_dir": "work_dirs/local-exp523/231029_1622_gengta3mix2cs_dgdacs_fdthings_srconly_daformer_sepaspp_sl_mitb5_poly10warm_w1_s0_49f77", "git_rev": "8eb19e7d4501b621afe5f4f10d44d1df1f151ba8", "gpu_ids": [0]}
Segmentation_Models/231029_1622_gengta2cs_daformer_s0_49f77/latest.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:95ad22b0fba0c8e809a98b2bff221b515a2be132b373738e83f1b4c4f900c017
3
+ size 1364176862
Segmentation_Models/231029_1622_gengta2cs_daformer_s0_49f77/latest_model_ACDC_val_iou.json ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "aAcc": 0.8093,
3
+ "mIoU": 0.4435,
4
+ "mAcc": 0.5534,
5
+ "IoU.road": 0.7696,
6
+ "IoU.sidewalk": 0.1813,
7
+ "IoU.building": 0.6857,
8
+ "IoU.wall": 0.32130000000000003,
9
+ "IoU.fence": 0.18239999999999998,
10
+ "IoU.pole": 0.46759999999999996,
11
+ "IoU.traffic light": 0.5999,
12
+ "IoU.traffic sign": 0.2743,
13
+ "IoU.vegetation": 0.6814,
14
+ "IoU.terrain": 0.24,
15
+ "IoU.sky": 0.8391,
16
+ "IoU.person": 0.4839,
17
+ "IoU.rider": 0.1867,
18
+ "IoU.car": 0.7909999999999999,
19
+ "IoU.truck": 0.6392,
20
+ "IoU.bus": 0.5266,
21
+ "IoU.train": 0.30219999999999997,
22
+ "IoU.motorcycle": 0.23309999999999997,
23
+ "IoU.bicycle": 0.020499999999999997,
24
+ "Acc.road": 0.9765999999999999,
25
+ "Acc.sidewalk": 0.1966,
26
+ "Acc.building": 0.9162,
27
+ "Acc.wall": 0.4936,
28
+ "Acc.fence": 0.22210000000000002,
29
+ "Acc.pole": 0.5625,
30
+ "Acc.traffic light": 0.6252,
31
+ "Acc.traffic sign": 0.2805,
32
+ "Acc.vegetation": 0.727,
33
+ "Acc.terrain": 0.7104,
34
+ "Acc.sky": 0.9201,
35
+ "Acc.person": 0.5951,
36
+ "Acc.rider": 0.22390000000000002,
37
+ "Acc.car": 0.8462999999999999,
38
+ "Acc.truck": 0.894,
39
+ "Acc.bus": 0.6973999999999999,
40
+ "Acc.train": 0.31010000000000004,
41
+ "Acc.motorcycle": 0.2968,
42
+ "Acc.bicycle": 0.020499999999999997
43
+ }
Segmentation_Models/231029_1622_gengta2cs_daformer_s0_49f77/latest_model_BDD100K_val_iou.json ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "aAcc": 0.8945000000000001,
3
+ "mIoU": 0.5115,
4
+ "mAcc": 0.6022,
5
+ "IoU.road": 0.8981999999999999,
6
+ "IoU.sidewalk": 0.46020000000000005,
7
+ "IoU.building": 0.8143,
8
+ "IoU.wall": 0.2515,
9
+ "IoU.fence": 0.3566,
10
+ "IoU.pole": 0.431,
11
+ "IoU.traffic light": 0.4489,
12
+ "IoU.traffic sign": 0.33509999999999995,
13
+ "IoU.vegetation": 0.7886,
14
+ "IoU.terrain": 0.3712,
15
+ "IoU.sky": 0.9048999999999999,
16
+ "IoU.person": 0.5998,
17
+ "IoU.rider": 0.38420000000000004,
18
+ "IoU.car": 0.851,
19
+ "IoU.truck": 0.3807,
20
+ "IoU.bus": 0.5699000000000001,
21
+ "IoU.train": 0.0,
22
+ "IoU.motorcycle": 0.5307,
23
+ "IoU.bicycle": 0.3411,
24
+ "Acc.road": 0.9626,
25
+ "Acc.sidewalk": 0.5518,
26
+ "Acc.building": 0.9126000000000001,
27
+ "Acc.wall": 0.375,
28
+ "Acc.fence": 0.5047,
29
+ "Acc.pole": 0.5113,
30
+ "Acc.traffic light": 0.5067,
31
+ "Acc.traffic sign": 0.36229999999999996,
32
+ "Acc.vegetation": 0.84,
33
+ "Acc.terrain": 0.7581,
34
+ "Acc.sky": 0.9653,
35
+ "Acc.person": 0.6638,
36
+ "Acc.rider": 0.46090000000000003,
37
+ "Acc.car": 0.9317,
38
+ "Acc.truck": 0.5754,
39
+ "Acc.bus": 0.5922999999999999,
40
+ "Acc.train": 0.0,
41
+ "Acc.motorcycle": 0.5869,
42
+ "Acc.bicycle": 0.3796
43
+ }
Segmentation_Models/231029_1622_gengta2cs_daformer_s0_49f77/latest_model_DarkZurich_val_iou.json ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "aAcc": 0.6579,
3
+ "mIoU": 0.2551,
4
+ "mAcc": 0.37450000000000006,
5
+ "IoU.road": 0.7125,
6
+ "IoU.sidewalk": 0.0231,
7
+ "IoU.building": 0.5533,
8
+ "IoU.wall": 0.2718,
9
+ "IoU.fence": 0.188,
10
+ "IoU.pole": 0.2568,
11
+ "IoU.traffic light": 0.6143,
12
+ "IoU.traffic sign": 0.012199999999999999,
13
+ "IoU.vegetation": 0.363,
14
+ "IoU.terrain": 0.114,
15
+ "IoU.sky": 0.5164,
16
+ "IoU.person": 0.1936,
17
+ "IoU.rider": 0.3454,
18
+ "IoU.car": 0.5436,
19
+ "IoU.truck": 0.0,
20
+ "IoU.bus": 0.0,
21
+ "IoU.train": 0.0,
22
+ "IoU.motorcycle": 0.1386,
23
+ "IoU.bicycle": 0.0,
24
+ "Acc.road": 0.9937,
25
+ "Acc.sidewalk": 0.0235,
26
+ "Acc.building": 0.9227,
27
+ "Acc.wall": 0.5014,
28
+ "Acc.fence": 0.2047,
29
+ "Acc.pole": 0.33399999999999996,
30
+ "Acc.traffic light": 0.6990000000000001,
31
+ "Acc.traffic sign": 0.012199999999999999,
32
+ "Acc.vegetation": 0.4106,
33
+ "Acc.terrain": 0.34369999999999995,
34
+ "Acc.sky": 0.5802,
35
+ "Acc.person": 0.21660000000000001,
36
+ "Acc.rider": 0.3605,
37
+ "Acc.car": 0.6197,
38
+ "Acc.truck": NaN,
39
+ "Acc.bus": NaN,
40
+ "Acc.train": 0.0,
41
+ "Acc.motorcycle": 0.1439,
42
+ "Acc.bicycle": 0.0
43
+ }
Segmentation_Models/231029_1622_gengta2cs_daformer_s0_49f77/latest_model_Mapillary_val_iou.json ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "aAcc": 0.9024,
3
+ "mIoU": 0.5668,
4
+ "mAcc": 0.67,
5
+ "IoU.road": 0.8964,
6
+ "IoU.sidewalk": 0.5063,
7
+ "IoU.building": 0.835,
8
+ "IoU.wall": 0.3823,
9
+ "IoU.fence": 0.39909999999999995,
10
+ "IoU.pole": 0.424,
11
+ "IoU.traffic light": 0.4562,
12
+ "IoU.traffic sign": 0.5394,
13
+ "IoU.vegetation": 0.7848999999999999,
14
+ "IoU.terrain": 0.4129,
15
+ "IoU.sky": 0.9468000000000001,
16
+ "IoU.person": 0.6626000000000001,
17
+ "IoU.rider": 0.5266,
18
+ "IoU.car": 0.8597,
19
+ "IoU.truck": 0.5406,
20
+ "IoU.bus": 0.545,
21
+ "IoU.train": 0.2155,
22
+ "IoU.motorcycle": 0.4868,
23
+ "IoU.bicycle": 0.3483,
24
+ "Acc.road": 0.9499,
25
+ "Acc.sidewalk": 0.6051,
26
+ "Acc.building": 0.919,
27
+ "Acc.wall": 0.5592,
28
+ "Acc.fence": 0.5841,
29
+ "Acc.pole": 0.47240000000000004,
30
+ "Acc.traffic light": 0.4891,
31
+ "Acc.traffic sign": 0.5504,
32
+ "Acc.vegetation": 0.8343,
33
+ "Acc.terrain": 0.9133,
34
+ "Acc.sky": 0.9964,
35
+ "Acc.person": 0.7698999999999999,
36
+ "Acc.rider": 0.6101,
37
+ "Acc.car": 0.9076000000000001,
38
+ "Acc.truck": 0.7917000000000001,
39
+ "Acc.bus": 0.594,
40
+ "Acc.train": 0.2354,
41
+ "Acc.motorcycle": 0.5806,
42
+ "Acc.bicycle": 0.3675
43
+ }
Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/20231105_000119.log ADDED
The diff for this file is too large to render. See raw diff
 
Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/20231105_000119.log.json ADDED
The diff for this file is too large to render. See raw diff
 
Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/231105_0000_gengta1mixHR2csHR_1024x1024_dgdacs_fdthings_srconly_rcs001-20_shade_shb_hrda1-512-01_daformer_sepaspp_sl_mitb5_poly10warm_w1_s0_d5047.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"log_config": {"interval": 50, "hooks": [{"type": "TextLoggerHook", "by_epoch": false}]}, "dist_params": {"backend": "nccl"}, "log_level": "INFO", "load_from": null, "resume_from": null, "workflow": [["train", 1]], "cudnn_benchmark": true, "norm_cfg": {"type": "BN", "requires_grad": true}, "find_unused_parameters": true, "model": {"type": "HRDAEncoderDecoder", "pretrained": "pretrained/mit_b5.pth", "backbone": {"type": "mit_b5", "style": "pytorch", "style_hallucination_cfg": {"concentration_coeff": 0.0156, "base_style_num": 64, "style_dim": 64}}, "decode_head": {"type": "HRDAHead", "in_channels": [64, 128, 320, 512], "in_index": [0, 1, 2, 3], "channels": 256, "dropout_ratio": 0.1, "num_classes": 19, "norm_cfg": {"type": "BN", "requires_grad": true}, "align_corners": false, "decoder_params": {"embed_dims": 256, "embed_cfg": {"type": "mlp", "act_cfg": null, "norm_cfg": null}, "embed_neck_cfg": {"type": "mlp", "act_cfg": null, "norm_cfg": null}, "fusion_cfg": {"type": "aspp", "sep": true, "dilations": [1, 6, 12, 18], "pool": false, "act_cfg": {"type": "ReLU"}, "norm_cfg": {"type": "BN", "requires_grad": true}}}, "loss_decode": {"type": "CrossEntropyLoss", "use_sigmoid": false, "loss_weight": 1.0}, "single_scale_head": "DAFormerHead", "attention_classwise": true, "hr_loss_weight": 0.1}, "train_cfg": {"work_dir": "work_dirs/local-exp60/231105_0000_gengta1mixHR2csHR_1024x1024_dgdacs_fdthings_srconly_rcs001-20_shade_shb_hrda1-512-01_daformer_sepaspp_sl_mitb5_poly10warm_w1_s0_d5047"}, "test_cfg": {"mode": "slide", "batched_slide": true, "stride": [512, 512], "crop_size": [1024, 1024]}, "scales": [1, 0.5], "hr_crop_size": [512, 512], "feature_scale": 0.5, "crop_coord_divisible": 8, "hr_slide_inference": true}, "dataset_type": "CityscapesDataset", "data_root": "data/cityscapes/", "img_norm_cfg": {"mean": [123.675, 116.28, 103.53], "std": [58.395, 57.12, 57.375], "to_rgb": true}, "crop_size": [1024, 1024], "gen_train_pipeline": [{"type": "LoadImageFromFile"}, {"type": "LoadAnnotations"}, {"type": "Resize", "img_scale": [1024, 1024]}, {"type": "RandomFlip", "prob": 0.5}, {"type": "PhotoMetricDistortion"}, {"type": "Normalize", "mean": [123.675, 116.28, 103.53], "std": [58.395, 57.12, 57.375], "to_rgb": true}, {"type": "DefaultFormatBundle"}, {"type": "Collect", "keys": ["img", "gt_semantic_seg"]}], "gta_train_pipeline": [{"type": "LoadImageFromFile"}, {"type": "LoadAnnotations"}, {"type": "Resize", "img_scale": [2560, 1440]}, {"type": "RandomCrop", "crop_size": [1024, 1024], "cat_max_ratio": 0.75}, {"type": "RandomFlip", "prob": 0.5}, {"type": "PhotoMetricDistortion"}, {"type": "Normalize", "mean": [123.675, 116.28, 103.53], "std": [58.395, 57.12, 57.375], "to_rgb": true}, {"type": "Pad", "size": [1024, 1024], "pad_val": 0, "seg_pad_val": 255}, {"type": "DefaultFormatBundle"}, {"type": "Collect", "keys": ["img", "gt_semantic_seg"]}], "test_pipeline": [{"type": "LoadImageFromFile"}, {"type": "MultiScaleFlipAug", "img_scale": [2048, 1024], "flip": false, "transforms": [{"type": "Resize", "keep_ratio": true}, {"type": "RandomFlip"}, {"type": "Normalize", "mean": [123.675, 116.28, 103.53], "std": [58.395, 57.12, 57.375], "to_rgb": true}, {"type": "ImageToTensor", "keys": ["img"]}, {"type": "Collect", "keys": ["img"]}]}], "data": {"samples_per_gpu": 2, "workers_per_gpu": 1, "train": {"type": "DGDataset", "source2": {"type": "GTADataset", "data_root": "data/gen1/", "img_dir": "images", "ann_dir": "labels", "pipeline": [{"type": "LoadImageFromFile"}, {"type": "LoadAnnotations"}, {"type": "Resize", "img_scale": [1024, 1024]}, {"type": "RandomFlip", "prob": 0.5}, {"type": "PhotoMetricDistortion"}, {"type": "Normalize", "mean": [123.675, 116.28, 103.53], "std": [58.395, 57.12, 57.375], "to_rgb": true}, {"type": "DefaultFormatBundle"}, {"type": "Collect", "keys": ["img", "gt_semantic_seg"]}]}, "source": {"type": "GTADataset", "data_root": "data/gta/", "img_dir": "images", "ann_dir": "labels", "pipeline": [{"type": "LoadImageFromFile"}, {"type": "LoadAnnotations"}, {"type": "Resize", "img_scale": [2560, 1440]}, {"type": "RandomCrop", "crop_size": [1024, 1024], "cat_max_ratio": 0.75}, {"type": "RandomFlip", "prob": 0.5}, {"type": "PhotoMetricDistortion"}, {"type": "Normalize", "mean": [123.675, 116.28, 103.53], "std": [58.395, 57.12, 57.375], "to_rgb": true}, {"type": "Pad", "size": [1024, 1024], "pad_val": 0, "seg_pad_val": 255}, {"type": "DefaultFormatBundle"}, {"type": "Collect", "keys": ["img", "gt_semantic_seg"]}]}, "rare_class_sampling": {"min_pixels": 3000, "class_temp": 0.01, "min_crop_ratio": 2.0}}, "val": {"type": "CityscapesDataset", "data_root": "data/cityscapes/", "img_dir": "leftImg8bit/val", "ann_dir": "gtFine/val", "pipeline": [{"type": "LoadImageFromFile"}, {"type": "MultiScaleFlipAug", "img_scale": [2048, 1024], "flip": false, "transforms": [{"type": "Resize", "keep_ratio": true}, {"type": "RandomFlip"}, {"type": "Normalize", "mean": [123.675, 116.28, 103.53], "std": [58.395, 57.12, 57.375], "to_rgb": true}, {"type": "ImageToTensor", "keys": ["img"]}, {"type": "Collect", "keys": ["img"]}]}]}, "test": {"type": "CityscapesDataset", "data_root": "data/cityscapes/", "img_dir": "leftImg8bit/val", "ann_dir": "gtFine/val", "pipeline": [{"type": "LoadImageFromFile"}, {"type": "MultiScaleFlipAug", "img_scale": [2048, 1024], "flip": false, "transforms": [{"type": "Resize", "keep_ratio": true}, {"type": "RandomFlip"}, {"type": "Normalize", "mean": [123.675, 116.28, 103.53], "std": [58.395, 57.12, 57.375], "to_rgb": true}, {"type": "ImageToTensor", "keys": ["img"]}, {"type": "Collect", "keys": ["img"]}]}]}}, "uda": {"type": "DACS", "source_only": true, "alpha": 0.99, "pseudo_threshold": 0.968, "pseudo_weight_ignore_top": 0, "pseudo_weight_ignore_bottom": 0, "share_src_backward": true, "imnet_feature_dist_lambda": 0.005, "imnet_feature_dist_classes": [6, 7, 11, 12, 13, 14, 15, 16, 17, 18], "imnet_feature_dist_scale_min_ratio": 0.75, "mix": "class", "blur": true, "color_jitter_strength": 0.2, "color_jitter_probability": 0.2, "style_consistency_lambda": 10.0, "svmin_lambda": 0, "svmin_scale_ratio": [0.8, 1.2], "svmin_domain": "mixed", "debug_img_interval": 1000, "print_grad_magnitude": false, "imnet_feature_dist_scale_method": "ratio"}, "use_ddp_wrapper": true, "optimizer": {"type": "AdamW", "lr": 6e-05, "betas": [0.9, 0.999], "weight_decay": 0.01, "paramwise_cfg": {"custom_keys": {"head": {"lr_mult": 10.0}, "pos_block": {"decay_mult": 0.0}, "norm": {"decay_mult": 0.0}}}}, "optimizer_config": null, "lr_config": {"policy": "poly", "warmup": "linear", "warmup_iters": 1500, "warmup_ratio": 1e-06, "power": 1.0, "min_lr": 0.0, "by_epoch": false}, "gpu_model": "NVIDIATITANRTX", "n_gpus": 1, "seed": 0, "style_hallucination_hook": {"interval": 4000, "samples_per_gpu": 2, "workers_per_gpu": 6}, "runner": {"type": "IterBasedRunner", "max_iters": 40000}, "checkpoint_config": {"by_epoch": false, "interval": 40000, "max_keep_ckpts": 1}, "evaluation": {"interval": 80000, "metric": "mIoU"}, "name": "231105_0000_gengta1mixHR2csHR_1024x1024_dgdacs_fdthings_srconly_rcs001-20_shade_shb_hrda1-512-01_daformer_sepaspp_sl_mitb5_poly10warm_w1_s0_d5047", "exp": 60, "name_dataset": "gengta1mixHR2cityscapesHR_1024x1024", "name_architecture": "hrda1-512-0.1_daformer_sepaspp_sl_mitb5", "name_encoder": "mitb5", "name_decoder": "hrda1-512-0.1_daformer_sepaspp_sl", "name_uda": "dgdacs_fdthings_srconly_rcs0.01-2.0_shade_shb", "name_opt": "adamw_6e-05_pmTrue_poly10warm_1x2_40k", "work_dir": "work_dirs/local-exp60/231105_0000_gengta1mixHR2csHR_1024x1024_dgdacs_fdthings_srconly_rcs001-20_shade_shb_hrda1-512-01_daformer_sepaspp_sl_mitb5_poly10warm_w1_s0_d5047", "git_rev": "a2393d9f9f12efb943e2eb9922520c3db95eeaa9", "gpu_ids": [0]}
Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/latest.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:96c263aa784b571477409f594e0e18926a44c9a551649d15f8ef61d73570786d
3
+ size 1372767156
Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/latest_model_ACDC_val_iou.json ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "aAcc": 0.8222,
3
+ "mIoU": 0.4607,
4
+ "mAcc": 0.5686,
5
+ "IoU.road": 0.7776000000000001,
6
+ "IoU.sidewalk": 0.2303,
7
+ "IoU.building": 0.7202,
8
+ "IoU.wall": 0.34979999999999994,
9
+ "IoU.fence": 0.21850000000000003,
10
+ "IoU.pole": 0.46950000000000003,
11
+ "IoU.traffic light": 0.6417,
12
+ "IoU.traffic sign": 0.29309999999999997,
13
+ "IoU.vegetation": 0.6855,
14
+ "IoU.terrain": 0.2847,
15
+ "IoU.sky": 0.8417,
16
+ "IoU.person": 0.504,
17
+ "IoU.rider": 0.2523,
18
+ "IoU.car": 0.8236,
19
+ "IoU.truck": 0.6583,
20
+ "IoU.bus": 0.5327000000000001,
21
+ "IoU.train": 0.15990000000000001,
22
+ "IoU.motorcycle": 0.2895,
23
+ "IoU.bicycle": 0.021,
24
+ "Acc.road": 0.9882,
25
+ "Acc.sidewalk": 0.2488,
26
+ "Acc.building": 0.9318000000000001,
27
+ "Acc.wall": 0.5118,
28
+ "Acc.fence": 0.2482,
29
+ "Acc.pole": 0.5299,
30
+ "Acc.traffic light": 0.6679,
31
+ "Acc.traffic sign": 0.29510000000000003,
32
+ "Acc.vegetation": 0.7347,
33
+ "Acc.terrain": 0.6516,
34
+ "Acc.sky": 0.9320999999999999,
35
+ "Acc.person": 0.5608,
36
+ "Acc.rider": 0.3147,
37
+ "Acc.car": 0.8606999999999999,
38
+ "Acc.truck": 0.9127,
39
+ "Acc.bus": 0.8945000000000001,
40
+ "Acc.train": 0.16079999999999997,
41
+ "Acc.motorcycle": 0.33899999999999997,
42
+ "Acc.bicycle": 0.021
43
+ }
Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/latest_model_BDD100K_val_iou.json ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "aAcc": 0.9016,
3
+ "mIoU": 0.5225,
4
+ "mAcc": 0.6059,
5
+ "IoU.road": 0.9184,
6
+ "IoU.sidewalk": 0.5366,
7
+ "IoU.building": 0.8109000000000001,
8
+ "IoU.wall": 0.1957,
9
+ "IoU.fence": 0.40149999999999997,
10
+ "IoU.pole": 0.4545,
11
+ "IoU.traffic light": 0.4839,
12
+ "IoU.traffic sign": 0.33759999999999996,
13
+ "IoU.vegetation": 0.7987000000000001,
14
+ "IoU.terrain": 0.39759999999999995,
15
+ "IoU.sky": 0.9018,
16
+ "IoU.person": 0.6363,
17
+ "IoU.rider": 0.3518,
18
+ "IoU.car": 0.8634000000000001,
19
+ "IoU.truck": 0.4028,
20
+ "IoU.bus": 0.5722,
21
+ "IoU.train": 0.0003,
22
+ "IoU.motorcycle": 0.5385,
23
+ "IoU.bicycle": 0.3256,
24
+ "Acc.road": 0.9709,
25
+ "Acc.sidewalk": 0.6457999999999999,
26
+ "Acc.building": 0.9227,
27
+ "Acc.wall": 0.2956,
28
+ "Acc.fence": 0.5661,
29
+ "Acc.pole": 0.5182,
30
+ "Acc.traffic light": 0.5378000000000001,
31
+ "Acc.traffic sign": 0.3542,
32
+ "Acc.vegetation": 0.8631,
33
+ "Acc.terrain": 0.6713,
34
+ "Acc.sky": 0.9533,
35
+ "Acc.person": 0.693,
36
+ "Acc.rider": 0.4199,
37
+ "Acc.car": 0.9257,
38
+ "Acc.truck": 0.5753,
39
+ "Acc.bus": 0.6553,
40
+ "Acc.train": 0.0003,
41
+ "Acc.motorcycle": 0.5875,
42
+ "Acc.bicycle": 0.35590000000000005
43
+ }
Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/latest_model_Cityscapes_val_iou.json ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "aAcc": 0.9189,
3
+ "mIoU": 0.5863,
4
+ "mAcc": 0.6884,
5
+ "IoU.road": 0.9335,
6
+ "IoU.sidewalk": 0.5672999999999999,
7
+ "IoU.building": 0.8803,
8
+ "IoU.wall": 0.5439,
9
+ "IoU.fence": 0.3678,
10
+ "IoU.pole": 0.4413,
11
+ "IoU.traffic light": 0.5282,
12
+ "IoU.traffic sign": 0.3703,
13
+ "IoU.vegetation": 0.8909,
14
+ "IoU.terrain": 0.4608,
15
+ "IoU.sky": 0.8870999999999999,
16
+ "IoU.person": 0.7298,
17
+ "IoU.rider": 0.4288,
18
+ "IoU.car": 0.8935,
19
+ "IoU.truck": 0.4825,
20
+ "IoU.bus": 0.6203,
21
+ "IoU.train": 0.2643,
22
+ "IoU.motorcycle": 0.5015,
23
+ "IoU.bicycle": 0.3471,
24
+ "Acc.road": 0.9795,
25
+ "Acc.sidewalk": 0.669,
26
+ "Acc.building": 0.9543,
27
+ "Acc.wall": 0.6808,
28
+ "Acc.fence": 0.48100000000000004,
29
+ "Acc.pole": 0.48710000000000003,
30
+ "Acc.traffic light": 0.5756,
31
+ "Acc.traffic sign": 0.3743,
32
+ "Acc.vegetation": 0.9577,
33
+ "Acc.terrain": 0.6528,
34
+ "Acc.sky": 0.9689,
35
+ "Acc.person": 0.8237000000000001,
36
+ "Acc.rider": 0.5675,
37
+ "Acc.car": 0.9224,
38
+ "Acc.truck": 0.8970999999999999,
39
+ "Acc.bus": 0.8059999999999999,
40
+ "Acc.train": 0.26539999999999997,
41
+ "Acc.motorcycle": 0.6587999999999999,
42
+ "Acc.bicycle": 0.3586
43
+ }
Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/latest_model_DarkZurich_val_iou.json ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "aAcc": 0.6829000000000001,
3
+ "mIoU": 0.2553,
4
+ "mAcc": 0.3635,
5
+ "IoU.road": 0.7182,
6
+ "IoU.sidewalk": 0.057999999999999996,
7
+ "IoU.building": 0.6184000000000001,
8
+ "IoU.wall": 0.2672,
9
+ "IoU.fence": 0.23199999999999998,
10
+ "IoU.pole": 0.18350000000000002,
11
+ "IoU.traffic light": 0.5627,
12
+ "IoU.traffic sign": 0.0366,
13
+ "IoU.vegetation": 0.3704,
14
+ "IoU.terrain": 0.0859,
15
+ "IoU.sky": 0.5771999999999999,
16
+ "IoU.person": 0.19940000000000002,
17
+ "IoU.rider": 0.2545,
18
+ "IoU.car": 0.5748,
19
+ "IoU.truck": 0.0,
20
+ "IoU.bus": 0.0,
21
+ "IoU.train": 0.0,
22
+ "IoU.motorcycle": 0.1117,
23
+ "IoU.bicycle": 0.0,
24
+ "Acc.road": 0.9965,
25
+ "Acc.sidewalk": 0.060899999999999996,
26
+ "Acc.building": 0.9272,
27
+ "Acc.wall": 0.45280000000000004,
28
+ "Acc.fence": 0.2552,
29
+ "Acc.pole": 0.2101,
30
+ "Acc.traffic light": 0.6193,
31
+ "Acc.traffic sign": 0.0366,
32
+ "Acc.vegetation": 0.4315,
33
+ "Acc.terrain": 0.3032,
34
+ "Acc.sky": 0.6562,
35
+ "Acc.person": 0.2065,
36
+ "Acc.rider": 0.2589,
37
+ "Acc.car": 0.6505,
38
+ "Acc.truck": NaN,
39
+ "Acc.bus": NaN,
40
+ "Acc.train": 0.0,
41
+ "Acc.motorcycle": 0.1139,
42
+ "Acc.bicycle": 0.0
43
+ }
Segmentation_Models/231105_0000_gengtaHR2csHR_hrda_s0_d5047/latest_model_Mapillary_val_iou.json ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "aAcc": 0.9155,
3
+ "mIoU": 0.6247,
4
+ "mAcc": 0.7137,
5
+ "IoU.road": 0.9051,
6
+ "IoU.sidewalk": 0.5538000000000001,
7
+ "IoU.building": 0.8581,
8
+ "IoU.wall": 0.42060000000000003,
9
+ "IoU.fence": 0.457,
10
+ "IoU.pole": 0.4935,
11
+ "IoU.traffic light": 0.5576,
12
+ "IoU.traffic sign": 0.6146,
13
+ "IoU.vegetation": 0.7961,
14
+ "IoU.terrain": 0.5128,
15
+ "IoU.sky": 0.9473,
16
+ "IoU.person": 0.742,
17
+ "IoU.rider": 0.5966,
18
+ "IoU.car": 0.8923000000000001,
19
+ "IoU.truck": 0.6088,
20
+ "IoU.bus": 0.6647,
21
+ "IoU.train": 0.297,
22
+ "IoU.motorcycle": 0.5565,
23
+ "IoU.bicycle": 0.3956,
24
+ "Acc.road": 0.9693999999999999,
25
+ "Acc.sidewalk": 0.634,
26
+ "Acc.building": 0.9464,
27
+ "Acc.wall": 0.5616,
28
+ "Acc.fence": 0.5614,
29
+ "Acc.pole": 0.5362,
30
+ "Acc.traffic light": 0.6103999999999999,
31
+ "Acc.traffic sign": 0.6279,
32
+ "Acc.vegetation": 0.838,
33
+ "Acc.terrain": 0.8991,
34
+ "Acc.sky": 0.998,
35
+ "Acc.person": 0.8306999999999999,
36
+ "Acc.rider": 0.6822,
37
+ "Acc.car": 0.9255,
38
+ "Acc.truck": 0.8459,
39
+ "Acc.bus": 0.7368000000000001,
40
+ "Acc.train": 0.322,
41
+ "Acc.motorcycle": 0.6243,
42
+ "Acc.bicycle": 0.4105
43
+ }